diff --git a/.gitignore b/.gitignore index ed905ee6656ece9d8ee41bdea53ea50cd86d4cf9..24fc066ae94c736ff15116af88e24899177ff374 100644 --- a/.gitignore +++ b/.gitignore @@ -2,4 +2,4 @@ /workspace.xml /.idea /venv -/CA \ No newline at end of file +**/__pycache__/ \ No newline at end of file diff --git a/CA-ES/es.py b/CA-ES/es.py new file mode 100644 index 0000000000000000000000000000000000000000..f86f76d58e8a8330e89f9c2852ccabf27d8728e2 --- /dev/null +++ b/CA-ES/es.py @@ -0,0 +1,306 @@ +import copy +import math +from tqdm import trange +import multiprocessing as mp + +import numpy as np +import torch +import torch.multiprocessing as tmp +import torch.nn.functional as F +from torch import tensor as tt + +from torch.utils.tensorboard import SummaryWriter +from torchvision.utils import save_image + +from model import CellularAutomataModel +from utils import load_emoji, save_model, to_rgb, Pool + +import pygame +import time +from PIL import Image +import logging + +class ES: + def __init__(self, args): + self.population_size = args.population_size + self.n_iterations = args.n_iterations + self.pool_size = args.pool_size + self.batch_size = args.batch_size + self.eval_freq = args.eval_freq + self.n_channels = args.n_channels + self.hidden_size = args.hidden_size + + self.fire_rate = args.fire_rate + self.lr = args.lr + self.sigma = args.sigma + + self.size = args.size + 2 * args.padding + self.target_img = load_emoji(args.img, self.size) + self.padding = args.padding + + self.logdir = args.logdir + + self.decay_state = 0 + + p = self.padding + self.pad_target = F.pad(tt(self.target_img), (0, 0, p, p, p, p)) + h, w = self.pad_target.shape[:2] + self.seed = np.zeros([h, w, self.n_channels], np.float64) + self.seed[h // 2, w // 2, 3:] = 1.0 + + self.net = CellularAutomataModel(n_channels=self.n_channels, fire_rate=self.fire_rate, hidden_channels=self.hidden_size) + self.param_shape = [tuple(p.shape) for p in self.net.parameters()] + + self.pool = Pool(self.seed, self.pool_size) + + if args.load_model_path != "": + self.load_model(args.load_model_path) + self.lr = 0.00075 # test + self.decay_state = 2 + + t_rgb = to_rgb(self.pad_target).permute(2, 0, 1) + + if args.mode == "train": + save_image(t_rgb, "%s/target_image.png" % self.logdir) + self.writer = SummaryWriter(self.logdir) + + def load_model(self, path): + """Load a PyTorch model from path.""" + self.net.load_state_dict(torch.load(path)) + self.net.double() + + def fitness_shape(self, x): + """Sort x and and map x to linear values between -0.5 and 0.5 + Return standard score of x + """ + shaped = np.zeros(len(x)) + shaped[x.argsort()] = np.arange(len(x), dtype=np.float64) + shaped /= (len(x) - 1) + shaped -= 0.5 + shaped = (shaped - shaped.mean()) / shaped.std() + return shaped + + def update_parameters(self, fitnesses, epsilons): + """Update parent network weights using evaluated mutants and fitness.""" + fitnesses = self.fitness_shape(fitnesses) + + for i, e in enumerate(epsilons): + for j, w in enumerate(self.net.parameters()): + w.data += self.lr * 1 / (self.population_size * self.sigma) * fitnesses[i] * e[j] + + def get_population(self): + """Return an array with values sampled from N(0, sigma)""" + epsilons = [] + + for _ in range(int(self.population_size / 2)): + e = [] + e2 = [] + for w in self.param_shape: + j = np.random.randn(*w) * self.sigma + e.append(j) + e2.append(-j) + epsilons.append(e) + epsilons.append(e2) + + return np.array(epsilons, dtype=np.object) + + def step(self, model_try, x): + """Perform a generation of CA using trained net. + Return output x and loss + """ + torch.seed() + iter_n = torch.randint(30, 40, (1,)).item() + for _ in range(iter_n): x = model_try(x) + + loss = self.net.loss(x, self.pad_target) + loss = torch.mean(loss) + + return x, loss.item() + + def fitness(self, epsilon, x0, pid, q=None): + """Method that start a generation of ES. + Return output from generation x and its fitness + """ + model_try = copy.deepcopy(self.net) + if epsilon is not None: + for i, w in enumerate(model_try.parameters()): + w.data += torch.tensor(epsilon[i]) + + x, loss = self.step(model_try, x0) + fitness = -loss + + if not math.isfinite(fitness): + raise ValueError('Encountered non-number value in loss. Fitness ' + str(fitness) + '. Loss: ' + str(loss)) + q.put((x, fitness, pid)) + return + + def decay_lr(self, fitness): + # Fitness treshholds for adjusting learning rate + # fit_t1 = -0.06 # testing for size ~20 + # fit_t2 = -0.03 + + fit_t1 = -0.05 # works well for size ~15 + fit_t2 = -0.02 + + # fit_t1 = -0.03 # used for size 9 + # fit_t2 = -0.01 + + if not self.decay_state == 2: + if fitness >= fit_t1 and self.decay_state == 0: + reduce = 0.3 + self.lr *= reduce + self.decay_state += 1 + logging.info("Fitness higher than than %.3f, lr set to %.5f (*%.2f)" % (fit_t1, self.lr, reduce)) + elif fitness >= fit_t2 and self.decay_state == 1: + reduce = 0.5 + self.lr *= reduce + self.decay_state += 1 + logging.info("Fitness higher than %.3f, lr set to %.5f (*%.2f)" % (fit_t2, self.lr, reduce)) + + + def evaluate_main(self, x0): + """Return output and fitness from a generation using unperturbed weights/coeffs""" + x_main, loss_main = self.step(self.net, x0.clone()) + fit_main = - loss_main + return x_main, fit_main + + + def train(self): + """main training loop""" + logging.info("Starting training") + + x0 = tt(np.repeat(self.seed[None, ...], self.batch_size, 0)) #seed + _, _ = self.step(self.net, x0.clone()) + + processes = [] + q = tmp.Manager().Queue() + + t = trange(self.n_iterations, desc='Mean reward:', leave=True) + for iteration in t: + batch = self.pool.sample(self.batch_size) + x0 = batch["x"] + loss_rank = self.net.loss(tt(x0), self.pad_target).numpy().argsort()[::-1] + x0 = x0[loss_rank] + x0[:1] = self.seed + x0 = tt(x0) + + epsilons = self.get_population() + fitnesses = np.zeros(self.population_size, dtype=np.float64) + xs = torch.zeros(self.population_size, *x0.shape, dtype=torch.float64) + + for i in range(self.population_size): + p = tmp.Process(target=self.fitness, args=(epsilons[i], x0.clone(), i, q)) + p.start() + processes.append(p) + + for p in processes: + p.join() + x, fit, pid = q.get() + fitnesses[pid] = fit + xs[pid] = x + processes = [] + + idx = np.argmax(fitnesses) + batch["x"][:] = xs[idx] + self.pool.commit(batch) + + fitnesses = np.array(fitnesses).astype(np.float64) + self.update_parameters(fitnesses, epsilons) + + # Logging + mean_fit = np.mean(fitnesses) + self.writer.add_scalar("train/fit", mean_fit, iteration) + + if iteration % 10 == 0: + t.set_description("Mean reward: %.4f " % mean_fit, refresh=True) + + if (iteration+1) % self.eval_freq == 0: + self.decay_lr(mean_fit) + + # Save picture of model + x_eval = x0.clone() + model = self.net + pics = [] + + for eval in range(36): + x_eval = model(x_eval) + if eval % 5 == 0: + pics.append(to_rgb(x_eval).permute(0, 3, 1, 2)) + + save_image(torch.cat(pics, dim=0), '%s/pic/big%04d.png' % (self.logdir, iteration), nrow=1, padding=0) + save_model(self.net, self.logdir + "/models/model_" + str(iteration)) + + + # Do damage on model using pygame, cannot run through ssh + def interactive(self): + model = self.net + x_eval = tt(np.repeat(self.seed[None, ...], self.batch_size, 0)) + + cellsize = 50 + imgpath = '%s/one.png' % (self.logdir) + + pygame.init() + surface = pygame.display.set_mode((self.size * cellsize, self.size * cellsize)) + pygame.display.set_caption("Interactive CA-ES") + + damaged = 0 + losses = [] + + while True: + for event in pygame.event.get(): + if event.type == pygame.QUIT: + pygame.quit() + return + elif event.type == pygame.MOUSEBUTTONDOWN: + # damage + if damaged == 0: + dmg_size = 20 + mpos_x, mpos_y = event.pos + mpos_x, mpos_y = mpos_x // cellsize, mpos_y // cellsize + x_eval[:, mpos_y:mpos_y + dmg_size, mpos_x:mpos_x + dmg_size, :] = 0 + damaged = 100 # number of steps to record loss after damage has occurred + + x_eval = model(x_eval) + image = to_rgb(x_eval).permute(0, 3, 1, 2) + + save_image(image, imgpath, nrow=1, padding=0) + + if damaged > 0: + loss= self.net.loss(x_eval, self.pad_target) + losses.append(loss) + if damaged == 1: + lossfile = open('%s/losses.txt' % self.logdir, "w") + for l in range(len(losses)): + lossfile.write('%d,%.06f\n' % (l, losses[l])) + lossfile.close() + losses.clear() + damaged -= 1 + + # Saving and loading each image as a quick hack to get rid of the batch dimension in tensor + image = np.asarray(Image.open(imgpath)) + + self.game_update(surface, image, cellsize) + time.sleep(0.05) + pygame.display.update() + + def game_update(self, surface, cur_img, sz): + nxt = np.zeros((cur_img.shape[0], cur_img.shape[1])) + + for r, c, _ in np.ndindex(cur_img.shape): + pygame.draw.rect(surface, cur_img[r,c], (c*sz, r*sz, sz, sz)) + + return nxt + + def generate_graphic(self): + model = self.net + x_eval = tt(np.repeat(self.seed[None, ...], self.batch_size, 0)) + pics = [] + pics.append(to_rgb(x_eval).permute(0, 3, 1, 2)) + + for eval in range(40): + x_eval = model(x_eval) + if eval in [10, 20, 30, 39]: # frames to save img of + pics.append(to_rgb(x_eval).permute(0, 3, 1, 2)) + + save_image(torch.cat(pics, dim=0), '%s/graphic.png' % (self.logdir), nrow=len(pics), padding=0) + \ No newline at end of file diff --git a/CA-ES/logs/CARROT-graphic_12-04-2022_10-15-16/graphic.png b/CA-ES/logs/CARROT-graphic_12-04-2022_10-15-16/graphic.png new file mode 100644 index 0000000000000000000000000000000000000000..360c7c22419960ee60235281d691d7fc89638581 Binary files /dev/null and b/CA-ES/logs/CARROT-graphic_12-04-2022_10-15-16/graphic.png differ diff --git a/CA-ES/logs/CARROT-graphic_12-04-2022_10-15-16/logfile.log b/CA-ES/logs/CARROT-graphic_12-04-2022_10-15-16/logfile.log new file mode 100644 index 0000000000000000000000000000000000000000..0b5a29602cbc271fe02289dfba4fecd1f3c75c3f --- /dev/null +++ b/CA-ES/logs/CARROT-graphic_12-04-2022_10-15-16/logfile.log @@ -0,0 +1,19 @@ +INFO:root: +Arguments: +mode: 'graphic' +population_size: 16 +n_iterations: 100 +pool_size: 1024 +batch_size: 1 +eval_freq: 500 +n_channels: 16 +hidden_size: 32 +fire_rate: 0.5 +lr: 0.005 +sigma: 0.01 +img: '🥕' +size: 15 +padding: 0 +logdir: 'logs/CARROT-graphic_12-04-2022_10-15-16' +load_model_path: 'model_999500' + diff --git a/CA-ES/main.py b/CA-ES/main.py new file mode 100644 index 0000000000000000000000000000000000000000..3468f92f7b03d94a641e7e86586e6b1075de0cd1 --- /dev/null +++ b/CA-ES/main.py @@ -0,0 +1,63 @@ +import torch +import argparse +import time +import os +import unicodedata +import logging + +from es import ES + +# rabbit 🐰 +# carrot 🥕 +# watermelon 🍉 + +if __name__ == '__main__': + + emoji = '🥕' + + parser = argparse.ArgumentParser() + + parser.add_argument("--mode", type=str, default="graphic", metavar="train/interactive/graphic", help="Decides mode to run") + + parser.add_argument("--population_size", type=int, default=16, metavar=128, help="Population size") + parser.add_argument("--n_iterations", type=int, default=100, help="Number of iterations to train for.") + parser.add_argument("--pool_size", type=int, default=1024, help="Size of the training pool, zero if training without pool") + parser.add_argument("--batch_size", type=int, default=1, help="Batch size.") + parser.add_argument("--eval_freq", type=int, default=500, help="Frequency for various saving/evaluating/logging",) + parser.add_argument("--n_channels", type=int, default=16, help="Number of channels of the input tensor") + parser.add_argument("--hidden_size", type=int, default=32, help="Number of hidden channels") + + parser.add_argument("--fire_rate", type=float, default=0.5, metavar=0.5, help="Cell fire rate") + parser.add_argument("--lr", type=float, default=0.005, metavar=0.005, help="Learning rate") + parser.add_argument("--sigma", type=float, default=0.01, metavar=0.01, help="Sigma") + + parser.add_argument("--img", type=str, default=emoji, metavar="🐰", help="The emoji to train on") + parser.add_argument("--size", type=int, default=15, help="Image size") + parser.add_argument("--padding", type=int, default=0, help="Padding. The shape after padding is (h + 2 * p, w + 2 * p).") + parser.add_argument("--logdir", type=str, default="logs", help="Logging folder for new model") + parser.add_argument("--load_model_path", type=str, default="model_999500", help="Path to pre trained model") + + args = parser.parse_args() + + if not os.path.isdir(args.logdir): + raise Exception("Logging directory '%s' not found in base folder" % args.logdir) + + args.logdir = "%s/%s-%s_%s" % (args.logdir, unicodedata.name(args.img), args.mode, time.strftime("%d-%m-%Y_%H-%M-%S")) + os.mkdir(args.logdir) + + logging.basicConfig(filename='%s/logfile.log' % args.logdir, encoding='utf-8', level=logging.INFO) + argprint = "\nArguments:\n" + for arg, value in vars(args).items(): + argprint += ("%s: %r\n" % (arg, value)) + logging.info(argprint) + + es = ES(args) + torch.set_num_threads(1) # disable pytorch's built in parallelization + + match args.mode: + case "train": + os.mkdir(args.logdir + "/models") + os.mkdir(args.logdir + "/pic") + es.train() + case "interactive": es.interactive() + case "graphic": es.generate_graphic() diff --git a/CA-ES/model.py b/CA-ES/model.py new file mode 100644 index 0000000000000000000000000000000000000000..868ca49d66c0b3b9fedb49838c93d46c389cff87 --- /dev/null +++ b/CA-ES/model.py @@ -0,0 +1,69 @@ +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F + +class CellularAutomataModel(nn.Module): + def __init__(self, n_channels, hidden_channels, fire_rate): + super().__init__() + self.n_channels = n_channels + self.hidden_channels = hidden_channels + self.fire_rate = fire_rate + + self.fc0 = nn.Linear(self.n_channels * 3, self.hidden_channels, bias=False) + self.fc1 = nn.Linear(self.hidden_channels, self.n_channels, bias=False) + with torch.no_grad(): self.fc1.weight.zero_() + + identity = np.float64([0, 1, 0]) + identity = torch.from_numpy(np.outer(identity, identity)) + sobel_x = torch.from_numpy(np.outer([1, 2, 1], [-1, 0, 1]) / 8.0) # sobel filter + sobel_y = sobel_x.T + self.kernel = torch.cat([ + identity[None, None, ...], + sobel_x[None, None, ...], + sobel_y[None, None, ...]], + dim=0).repeat(self.n_channels, 1, 1, 1) + + for param in self.parameters(): param.requires_grad = False + + self.double() + + def perceive(self, x): + """Percieve neighboors with two sobel filters and one single-entry filter""" + y = F.conv2d(x.permute(0, 3, 1, 2), self.kernel, groups=16, padding=1) + y = y.permute(0, 2, 3, 1) + return y + + def loss(self, x, y): + """mean squared error""" + return torch.mean(torch.square(x[..., :4] - y), [-2, -3, -1]) + + def forward(self, x, fire_rate=None, step_size=1.0): + """Forward a cell grid through the network and return the cell grid with changes applied.""" + y = self.perceive(x) + pre_life_mask = get_living_mask(x) + dx1 = self.fc0(y) + dx1 = F.relu(dx1) + dx2 = self.fc1(dx1) + dx = dx2 * step_size + + if fire_rate is None: + fire_rate = self.fire_rate + + update_mask_rand = torch.rand(*x[:, :, :, :1].shape) + update_mask = update_mask_rand <= fire_rate + x += dx * update_mask.double() + post_life_mask = get_living_mask(x) + life_mask = pre_life_mask.bool() & post_life_mask.bool() + res = x * life_mask.double() + + return res + + +def get_living_mask(x): + """returns boolean vector of the same shape as x, except for the last dimension. + The last dimension is a single value, true/false, that determines if alpha > 0.1""" + alpha = x[:, :, :, 3:4] + m = F.max_pool3d(alpha, kernel_size=3, stride=1, padding=1) > 0.1 + return m + diff --git a/CA-ES/saved_models/model_999500 b/CA-ES/saved_models/model_999500 new file mode 100644 index 0000000000000000000000000000000000000000..af0a267609c32d1e859c5b49744606d0d694d1b5 Binary files /dev/null and b/CA-ES/saved_models/model_999500 differ diff --git a/CA-ES/utils.py b/CA-ES/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..ed3546088589f6161efa254354387fff2998e864 --- /dev/null +++ b/CA-ES/utils.py @@ -0,0 +1,67 @@ +import requests +import torch +from torchvision.utils import save_image +import numpy as np +import PIL.Image, PIL.ImageDraw +import io + + +def load_emoji(emoji_code, img_size): + """Loads image of emoji with code 'emoji' from google's emojirepository""" + emoji_code = hex(ord(emoji_code))[2:].lower() + url = 'https://raw.githubusercontent.com/googlefonts/noto-emoji/main/png/128/emoji_u%s.png' % emoji_code + req = requests.get(url) + img = PIL.Image.open(io.BytesIO(req.content)) + img.thumbnail((img_size, img_size), PIL.Image.ANTIALIAS) + img = np.float64(img) / 255.0 + img[..., :3] *= img[..., 3:] + + return img + +def to_alpha(x): + """Return the alpha channel of an image.""" + return torch.clamp(x[..., 3:4], 0.0, 1.0) + +def to_rgb(x): + """Return the three first channels (RGB) with alpha deducted.""" + rgb, a = x[..., :3], to_alpha(x) + return 1.0 - a + rgb + +def to_rgba(x): + """Return the four first channels (RGBA) of an image.""" + return x[..., :4] + +def save_model(ca, base_fn): + """Save a PyTorch model to a specific path.""" + torch.save(ca.state_dict(), base_fn) + +def visualize(xs, step_i, nrow=1): + """Save a batch of multiple x's to file""" + for i in range(len(xs)): + xs[i] = to_rgb(xs[i]).permute(0, 3, 1, 2) + save_image(torch.cat(xs, dim=0), './logg/pic/p%04d.png' % step_i, nrow=nrow, padding=0) + +class Pool: + """Class for storing and providing samples of different stages of growth.""" + def __init__(self, seed, size): + self.size = size + self.slots = np.repeat([seed], size, 0) + self.seed = seed + + def commit(self, batch): + """Replace existing slots with a batch.""" + indices = batch["indices"] + for i, x in enumerate(batch["x"]): + if (x[:, :, 3] > 0.1).any(): # Avoid committing dead image + self.slots[indices[i]] = x.copy() + + def sample(self, c): + """Retrieve a batch from the pool.""" + indices = np.random.choice(self.size, c, False) + batch = { + "indices": indices, + "x": self.slots[indices] + } + return batch + + \ No newline at end of file diff --git a/automata_ex/__pycache__/model.cpython-310.pyc b/automata_ex/__pycache__/model.cpython-310.pyc deleted file mode 100644 index 4fc70485fee422206670835855866b4628a37dd2..0000000000000000000000000000000000000000 Binary files a/automata_ex/__pycache__/model.cpython-310.pyc and /dev/null differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/args.json b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/args.json new file mode 100644 index 0000000000000000000000000000000000000000..cf4f77c96640d88b49717e038183c509a7da979e --- /dev/null +++ b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/args.json @@ -0,0 +1,15 @@ +{ + "img": "\ud83d\udc30", + "batch_size": 8, + "device": "cpu", + "eval_frequency": 500, + "eval_iterations": 300, + "n_batches": 10000, + "n_channels": 16, + "logdir": "logs/RABBIT FACE-train_04-04-2022_16-27-09", + "padding": 0, + "pool_size": 1024, + "size": 9, + "hidden_channels": 32, + "mode": "train" +} \ No newline at end of file diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/events.out.tfevents.1649082429.LAPTOP-HSLEPJ10.22384.0 b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/events.out.tfevents.1649082429.LAPTOP-HSLEPJ10.22384.0 new file mode 100644 index 0000000000000000000000000000000000000000..538329fea03f7383bb18425acf69281740602716 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/events.out.tfevents.1649082429.LAPTOP-HSLEPJ10.22384.0 differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_0.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_0.pt new file mode 100644 index 0000000000000000000000000000000000000000..49ff68d1457ff6ee7c399f111fd9511a5cf63fc9 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_0.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_1000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_1000.pt new file mode 100644 index 0000000000000000000000000000000000000000..5b37f78a064c61aea530a46e59bf37f9979da800 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_1000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_1500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_1500.pt new file mode 100644 index 0000000000000000000000000000000000000000..ace0f9bf0e7d6fe3c855793b4f6b38c490b5fe7b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_1500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_2000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_2000.pt new file mode 100644 index 0000000000000000000000000000000000000000..b502ad13928dab5d9bd2fc6b0f32f88c3d96693e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_2000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_2500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_2500.pt new file mode 100644 index 0000000000000000000000000000000000000000..ad0afa2b9ea4ed033e73ce91b3f68f5f64242625 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_2500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_3000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_3000.pt new file mode 100644 index 0000000000000000000000000000000000000000..bab0b33d34dba29da0fa8b0849e9843a9d8fa0c2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_3000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_3500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_3500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c8e20d8a39edf7dd677b493e7ac0a510e6b1666c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_3500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_4000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_4000.pt new file mode 100644 index 0000000000000000000000000000000000000000..a50d803635127b6802101b6bf2c7a5749259d414 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_4000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_4500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_4500.pt new file mode 100644 index 0000000000000000000000000000000000000000..bc1482215585fa1c90e1b1a626a5de8101fe5213 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_4500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_500.pt new file mode 100644 index 0000000000000000000000000000000000000000..2244114675f51f19bce8cf29f05b7ade367629cf Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_5000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_5000.pt new file mode 100644 index 0000000000000000000000000000000000000000..7057f869ab42d06bf79182be6e534fc132bf90a1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_5000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_5500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_5500.pt new file mode 100644 index 0000000000000000000000000000000000000000..4ca304cf2456c3af90dabdea94069e1dcea52fe5 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_5500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_6000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_6000.pt new file mode 100644 index 0000000000000000000000000000000000000000..20573a47e8a0ffae8101c1a9314d3a43c48efe0c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_6000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_6500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_6500.pt new file mode 100644 index 0000000000000000000000000000000000000000..d0d47340087bacdd55cc73f480d98e54f3a55d84 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_6500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_7000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_7000.pt new file mode 100644 index 0000000000000000000000000000000000000000..3b1a20a1893e1d6a99bfe75ad2aad2f9d6bf71eb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_7000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_7500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_7500.pt new file mode 100644 index 0000000000000000000000000000000000000000..3d58319d47f558230e41738536d0314510062e08 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_7500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_8000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_8000.pt new file mode 100644 index 0000000000000000000000000000000000000000..f2d9d04add5dfc898ab689766a65c47e912e61da Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_8000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_8500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_8500.pt new file mode 100644 index 0000000000000000000000000000000000000000..5bb2b87612fbdc21cd80de5fc01a0a0de803b482 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_8500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_9000.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_9000.pt new file mode 100644 index 0000000000000000000000000000000000000000..249d77371d29cde866da05fd49683d2f51c1ae9b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_9000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_9500.pt b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_9500.pt new file mode 100644 index 0000000000000000000000000000000000000000..74fffb7af7b1c0700dfbe880e1dbb83492252b54 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/models/model_9500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_0.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_0.png new file mode 100644 index 0000000000000000000000000000000000000000..7f6fd2eb311e08c8e8f66ee7324f517ef6824b30 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_0.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_1000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_1000.png new file mode 100644 index 0000000000000000000000000000000000000000..c965bcc435778a86dbb5767573fd23285848ad21 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_1000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_1500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_1500.png new file mode 100644 index 0000000000000000000000000000000000000000..74c94c0963065da47a618309a2163b567e310ca9 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_1500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_2000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_2000.png new file mode 100644 index 0000000000000000000000000000000000000000..857848da02bb08377b46afa08ae7ee3b7ebbb104 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_2000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_2500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_2500.png new file mode 100644 index 0000000000000000000000000000000000000000..40d96ba6357e13030895958b47cf9c904b56b700 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_2500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_3000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_3000.png new file mode 100644 index 0000000000000000000000000000000000000000..9f2be43a9c7b54c402b78d3611bddcd06f2a5ee4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_3000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_3500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_3500.png new file mode 100644 index 0000000000000000000000000000000000000000..a9c603f9ade6a1019dd0ecebe477538cfa726410 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_3500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_4000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_4000.png new file mode 100644 index 0000000000000000000000000000000000000000..062a6e631da0a9d601b265e8246c73d8e86d7d3c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_4000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_4500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_4500.png new file mode 100644 index 0000000000000000000000000000000000000000..4cfcbbaf6eeefa5dd3681073e951d9504eb1e969 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_4500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_500.png new file mode 100644 index 0000000000000000000000000000000000000000..d4a69673f51eb8268ae61a7fe1567290dcaacd82 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_5000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_5000.png new file mode 100644 index 0000000000000000000000000000000000000000..3278f606ca483c0db1f43c04ebc16c883b7adae9 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_5000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_5500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_5500.png new file mode 100644 index 0000000000000000000000000000000000000000..581da3092cb3f209facbedac8aff0d5d0868608b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_5500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_6000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_6000.png new file mode 100644 index 0000000000000000000000000000000000000000..2efcf268dfcac2f528f72b439c26dbe75e1adb5a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_6000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_6500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_6500.png new file mode 100644 index 0000000000000000000000000000000000000000..ba82f446ea8a3c8d5f995e401ca881e339ef9142 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_6500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_7000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_7000.png new file mode 100644 index 0000000000000000000000000000000000000000..102e8a396e0ba63773b381a71ba6a2a014d1d80c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_7000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_7500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_7500.png new file mode 100644 index 0000000000000000000000000000000000000000..c790d520b3ad84232758db472f7f1f8975c7023a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_7500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_8000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_8000.png new file mode 100644 index 0000000000000000000000000000000000000000..fdd42ac1545d6cf8d4e710e3bd8d645b3a1c96d6 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_8000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_8500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_8500.png new file mode 100644 index 0000000000000000000000000000000000000000..6cf9a43252ceaffa8042d5924ee08010457e387a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_8500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_9000.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_9000.png new file mode 100644 index 0000000000000000000000000000000000000000..517c62b7ed1fbfe2e7f32c40fc259bd924388eba Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_9000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_9500.png b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_9500.png new file mode 100644 index 0000000000000000000000000000000000000000..7305f5cb55f2279dd303c81eb70fc630f56ff41b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_04-04-2022_16-27-09/pic/im_9500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/args.json b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/args.json new file mode 100644 index 0000000000000000000000000000000000000000..255b8075c22afea8aa941a54d9d62c1a4fb2aca8 --- /dev/null +++ b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/args.json @@ -0,0 +1,15 @@ +{ + "img": "\ud83d\udc30", + "batch_size": 8, + "device": "cpu", + "eval_frequency": 500, + "eval_iterations": 300, + "n_batches": 10000, + "n_channels": 16, + "logdir": "logs/RABBIT FACE-train_06-04-2022_14-03-55", + "padding": 0, + "pool_size": 1024, + "size": 15, + "hidden_channels": 32, + "mode": "train" +} \ No newline at end of file diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/events.out.tfevents.1649246635.LAPTOP-HSLEPJ10.25824.0 b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/events.out.tfevents.1649246635.LAPTOP-HSLEPJ10.25824.0 new file mode 100644 index 0000000000000000000000000000000000000000..67ca2ce13cd9158c269b3d460fe8df4e41b91299 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/events.out.tfevents.1649246635.LAPTOP-HSLEPJ10.25824.0 differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_0.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_0.pt new file mode 100644 index 0000000000000000000000000000000000000000..cb0d4e3a2a85b0bd5d1aca3e643bdc1b5a3875fd Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_0.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_1000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_1000.pt new file mode 100644 index 0000000000000000000000000000000000000000..51a0cbcda5feaf8ff207ecad66e9707b58d434d3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_1000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_1500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_1500.pt new file mode 100644 index 0000000000000000000000000000000000000000..41f01acc417b5c04fb4e765a36f822a195c8f29e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_1500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_2000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_2000.pt new file mode 100644 index 0000000000000000000000000000000000000000..0b9f0bff90b8b987bb9e69f6852eee4bdc281993 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_2000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_2500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_2500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c3a40a19c22e4cd4661a3095f80bbcc487b5fd92 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_2500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_3000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_3000.pt new file mode 100644 index 0000000000000000000000000000000000000000..41f4b5bf63107f22f4bad324bf8a0c4127e96574 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_3000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_3500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_3500.pt new file mode 100644 index 0000000000000000000000000000000000000000..f610702a90c0db3033c8381e394d2c6c5d81a226 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_3500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_4000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_4000.pt new file mode 100644 index 0000000000000000000000000000000000000000..267387220366f9f324d411f70e0d3bcee411b2bb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_4000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_4500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_4500.pt new file mode 100644 index 0000000000000000000000000000000000000000..41b0407a3b54ae5a389ff956a686542cf6807541 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_4500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_500.pt new file mode 100644 index 0000000000000000000000000000000000000000..357c3967205901d1ed8a30eb73ad26ff3bd32b6b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_5000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_5000.pt new file mode 100644 index 0000000000000000000000000000000000000000..5a51a9bc7ba47487bbc75a4300bf888175bc0f50 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_5000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_5500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_5500.pt new file mode 100644 index 0000000000000000000000000000000000000000..85473a5139bb98aaa6f5bb56cb3b8c17fa121de1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_5500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_6000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_6000.pt new file mode 100644 index 0000000000000000000000000000000000000000..00f4e35e24347fad85a22dbadd6083ebbc1a9d0a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_6000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_6500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_6500.pt new file mode 100644 index 0000000000000000000000000000000000000000..f62475b8ab027e7d1ada2d26764c5bfce1b80fce Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_6500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_7000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_7000.pt new file mode 100644 index 0000000000000000000000000000000000000000..338042f3ded68bef058e1265a79b50cb8434d8b4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_7000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_7500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_7500.pt new file mode 100644 index 0000000000000000000000000000000000000000..cb38a69f8c9b95be890819fa8a82022fadca2a69 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_7500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_8000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_8000.pt new file mode 100644 index 0000000000000000000000000000000000000000..2191816c23d00330fbe2b3072c9b87dcd95322d3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_8000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_8500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_8500.pt new file mode 100644 index 0000000000000000000000000000000000000000..4ba4ed9ba20edb527dba764c123bd2c2be6c5429 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_8500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_9000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_9000.pt new file mode 100644 index 0000000000000000000000000000000000000000..68e961deb9e0c520cf769ae33d7a3f5310d083a5 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_9000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_9500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_9500.pt new file mode 100644 index 0000000000000000000000000000000000000000..4247d68494ef5eeb55de54907288ddc9ed9d25a0 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/models/model_9500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_0.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_0.png new file mode 100644 index 0000000000000000000000000000000000000000..05d0c0c728cabee23b9e5cbf9f88317b11aaedd1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_0.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_1000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_1000.png new file mode 100644 index 0000000000000000000000000000000000000000..69c880a972dbbf71abf7387877afc5997a1250c7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_1000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_1500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_1500.png new file mode 100644 index 0000000000000000000000000000000000000000..544655c12f8a0854c1798605b7fde8ddc34a5e26 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_1500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_2000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_2000.png new file mode 100644 index 0000000000000000000000000000000000000000..15de8a881ac045d106256fd2cdfe0def536477dd Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_2000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_2500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_2500.png new file mode 100644 index 0000000000000000000000000000000000000000..0f6e9930b0c13a2d1edd5a2319afcc2988a5a130 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_2500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_3000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_3000.png new file mode 100644 index 0000000000000000000000000000000000000000..949a7541d892c3cebc2d0db8aa452c54c581628d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_3000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_3500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_3500.png new file mode 100644 index 0000000000000000000000000000000000000000..7e08fa808fce79baa1704cc1ccff511570b3a1b5 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_3500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_4000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_4000.png new file mode 100644 index 0000000000000000000000000000000000000000..7d4870d8990ba79413278fb7e98236f5334a0a36 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_4000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_4500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_4500.png new file mode 100644 index 0000000000000000000000000000000000000000..6a3502b5285d501909887ad89ea1f2f951eef207 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_4500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_500.png new file mode 100644 index 0000000000000000000000000000000000000000..5cfe442fb0c7a68f48827f50c4774bff752370eb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_5000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_5000.png new file mode 100644 index 0000000000000000000000000000000000000000..48b2d5414f13a056cf1dcc10198a6435ecc82837 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_5000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_5500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_5500.png new file mode 100644 index 0000000000000000000000000000000000000000..14f6de196d20a91fa9722b1492317ac6650d0bfe Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_5500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_6000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_6000.png new file mode 100644 index 0000000000000000000000000000000000000000..a6fc4f8f35db3657dbdd1946d88acf27a7ea3d0b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_6000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_6500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_6500.png new file mode 100644 index 0000000000000000000000000000000000000000..687518ef3ab8ddb03623945f45621e33ffc91b02 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_6500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_7000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_7000.png new file mode 100644 index 0000000000000000000000000000000000000000..171a3911f186c70e8172d82d209dc84fff43a798 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_7000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_7500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_7500.png new file mode 100644 index 0000000000000000000000000000000000000000..3d3bcbe079b7848c6280cc5c316a865172736289 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_7500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_8000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_8000.png new file mode 100644 index 0000000000000000000000000000000000000000..cb4786af57cef0e3d23bf379358af1bfaa364a40 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_8000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_8500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_8500.png new file mode 100644 index 0000000000000000000000000000000000000000..2b9c4625f0644c497ba3c47adca2bfe23a934047 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_8500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_9000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_9000.png new file mode 100644 index 0000000000000000000000000000000000000000..43c457c32b4da5c9a4a9b0bdb63cd2cc1a0474f0 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_9000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_9500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_9500.png new file mode 100644 index 0000000000000000000000000000000000000000..e22278a7548e6bc1ee605383b0e3f84c62fbbef2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-03-55/pic/im_9500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/args.json b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/args.json new file mode 100644 index 0000000000000000000000000000000000000000..979a6b95cf9e4cbb39e29f833fd53bb0b2c62ce9 --- /dev/null +++ b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/args.json @@ -0,0 +1,15 @@ +{ + "img": "\ud83d\udc30", + "batch_size": 8, + "device": "cpu", + "eval_frequency": 500, + "eval_iterations": 300, + "n_batches": 20000, + "n_channels": 16, + "logdir": "logs/RABBIT FACE-train_06-04-2022_14-47-19", + "padding": 0, + "pool_size": 1024, + "size": 15, + "hidden_channels": 32, + "mode": "train" +} \ No newline at end of file diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/events.out.tfevents.1649249248.LAPTOP-HSLEPJ10.7080.0.REMOVED.git-id b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/events.out.tfevents.1649249248.LAPTOP-HSLEPJ10.7080.0.REMOVED.git-id new file mode 100644 index 0000000000000000000000000000000000000000..6a67e5c656f0585e8f1bf0c7ebcaf539594f175a --- /dev/null +++ b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/events.out.tfevents.1649249248.LAPTOP-HSLEPJ10.7080.0.REMOVED.git-id @@ -0,0 +1 @@ +dae0f3c5124acdfe5dbd0d760ed869e593ff9bcd \ No newline at end of file diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_0.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_0.pt new file mode 100644 index 0000000000000000000000000000000000000000..9468f2cc6fc5eea951beb877bcb61bed1917e339 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_0.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_1000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_1000.pt new file mode 100644 index 0000000000000000000000000000000000000000..75eddf0df7c58c694173431de98677b17594fe41 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_1000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_10000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_10000.pt new file mode 100644 index 0000000000000000000000000000000000000000..9a376919a2acbb0290bdbdb4c35ee23469f99ba3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_10000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_10500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_10500.pt new file mode 100644 index 0000000000000000000000000000000000000000..4186f166b9b74eb394d84e599b4deb51d15a88ed Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_10500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_11000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_11000.pt new file mode 100644 index 0000000000000000000000000000000000000000..ffda5b261519190b8f9ed91cbfd0a268992f1809 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_11000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_11500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_11500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c31466bcbc1d439f7f3be664345953308586f5a3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_11500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_12000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_12000.pt new file mode 100644 index 0000000000000000000000000000000000000000..d1f886ec9183a326e523bef721fbfe0e52065231 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_12000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_12500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_12500.pt new file mode 100644 index 0000000000000000000000000000000000000000..dd9f279676d3f0a7ba8226ab0a4287b675bc8394 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_12500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_13000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_13000.pt new file mode 100644 index 0000000000000000000000000000000000000000..e5500df76cb3d85207e101de3cd5873e937e8bee Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_13000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_13500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_13500.pt new file mode 100644 index 0000000000000000000000000000000000000000..da21702fcb811b19da91ff332a08b26e1523956d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_13500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_14000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_14000.pt new file mode 100644 index 0000000000000000000000000000000000000000..13862edf9fb26da34bb8cc6d73150044c9bf1b57 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_14000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_14500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_14500.pt new file mode 100644 index 0000000000000000000000000000000000000000..618a25d439735b3ed6e2ea903a6eb50f2e6ddd4c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_14500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_1500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_1500.pt new file mode 100644 index 0000000000000000000000000000000000000000..090a8b4482ae4ff80694793d31f21032814d6fef Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_1500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_15000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_15000.pt new file mode 100644 index 0000000000000000000000000000000000000000..eec551929d41bd63821581808a888e6c3052b67e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_15000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_15500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_15500.pt new file mode 100644 index 0000000000000000000000000000000000000000..1525334b4735b7f0df239b0605f2caded6899be3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_15500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_16000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_16000.pt new file mode 100644 index 0000000000000000000000000000000000000000..bf66abd5c0d0b71dc1a3de89e084585fbaa1920c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_16000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_16500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_16500.pt new file mode 100644 index 0000000000000000000000000000000000000000..113e542b58dfd7554cee3ffb97d46cceb8ec67f2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_16500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_17000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_17000.pt new file mode 100644 index 0000000000000000000000000000000000000000..ea474d13393a072b03a94c8e511994574ac02379 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_17000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_17500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_17500.pt new file mode 100644 index 0000000000000000000000000000000000000000..d6d02d8ba0b0ac2abfe2f8e83260448c84ac6e51 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_17500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_18000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_18000.pt new file mode 100644 index 0000000000000000000000000000000000000000..110e14f0e8700552b3442ed366c056ca4752a5a1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_18000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_18500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_18500.pt new file mode 100644 index 0000000000000000000000000000000000000000..9a0ea9cfa1733ea591f4e443736051cf88a61763 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_18500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_19000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_19000.pt new file mode 100644 index 0000000000000000000000000000000000000000..8182878542675fcb9ac981657a72f0b335fbd1af Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_19000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_19500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_19500.pt new file mode 100644 index 0000000000000000000000000000000000000000..13e99b341608ed63c349e0459ac773901e741512 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_19500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_2000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_2000.pt new file mode 100644 index 0000000000000000000000000000000000000000..54f0c085317eee186032abf4e92d3df78715f849 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_2000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_2500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_2500.pt new file mode 100644 index 0000000000000000000000000000000000000000..d483d041a3de24011516e31869814de66cb49cf9 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_2500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_3000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_3000.pt new file mode 100644 index 0000000000000000000000000000000000000000..275cf1f27f63f9bb81e3fdd48cc94aae1b1f0f8f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_3000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_3500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_3500.pt new file mode 100644 index 0000000000000000000000000000000000000000..4e22556eb13caeac63c5dce0bf283cafba64c6ef Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_3500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_4000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_4000.pt new file mode 100644 index 0000000000000000000000000000000000000000..022bae574b326eea1a543664a22ccf0927cb28ec Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_4000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_4500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_4500.pt new file mode 100644 index 0000000000000000000000000000000000000000..86de5fad657001fd81c9bf8ea4f5237df3c07a51 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_4500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_500.pt new file mode 100644 index 0000000000000000000000000000000000000000..7b5b61486a6d712b260fa00b34b3a9481571b008 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_5000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_5000.pt new file mode 100644 index 0000000000000000000000000000000000000000..3ff1b7f2ebda3b6566e472839c818eccd7e47731 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_5000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_5500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_5500.pt new file mode 100644 index 0000000000000000000000000000000000000000..a2351a13ff94a5e75fdb751857e4596f49a29003 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_5500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_6000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_6000.pt new file mode 100644 index 0000000000000000000000000000000000000000..9c471c58049f5711bbf154592ddd12a39d9ba134 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_6000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_6500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_6500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c472ca86992c84587a447dc0e6ce6db24b1814d0 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_6500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_7000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_7000.pt new file mode 100644 index 0000000000000000000000000000000000000000..9d64491b0e96b56cc5c20756b263bdbb5f2b82ac Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_7000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_7500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_7500.pt new file mode 100644 index 0000000000000000000000000000000000000000..6471295b18ac457948a6a4d96621072e3a1f75c2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_7500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_8000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_8000.pt new file mode 100644 index 0000000000000000000000000000000000000000..21f18fdc57029093103f53a4936b7e1675ab167d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_8000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_8500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_8500.pt new file mode 100644 index 0000000000000000000000000000000000000000..1e0398c00126fe7e4db912d365c58ab60247eb8f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_8500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_9000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_9000.pt new file mode 100644 index 0000000000000000000000000000000000000000..15529f7521dc3971aa698ee81f2c46a6879b43b4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_9000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_9500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_9500.pt new file mode 100644 index 0000000000000000000000000000000000000000..b7808efc4de7ba11fd78e2508591cbe9fd93f4c5 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/models/model_9500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_0.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_0.png new file mode 100644 index 0000000000000000000000000000000000000000..05d0c0c728cabee23b9e5cbf9f88317b11aaedd1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_0.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_1000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_1000.png new file mode 100644 index 0000000000000000000000000000000000000000..6641e3dadf20117d195a29a00179be0a34fc4253 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_1000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_10000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_10000.png new file mode 100644 index 0000000000000000000000000000000000000000..eb34e215a2b6f7fb4861d8f35fe760955d854b8d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_10000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_10500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_10500.png new file mode 100644 index 0000000000000000000000000000000000000000..5c8efad207084e4169326dfceae9e5af3f7ed598 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_10500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_11000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_11000.png new file mode 100644 index 0000000000000000000000000000000000000000..cd9cc01134e67123bf341a06641ad279b249bd4a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_11000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_11500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_11500.png new file mode 100644 index 0000000000000000000000000000000000000000..cb22496b57980db45e9691575dd4372428b0ca4b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_11500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_12000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_12000.png new file mode 100644 index 0000000000000000000000000000000000000000..c61dd144c65ed3b30b2339a6b3744c37d9f31118 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_12000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_12500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_12500.png new file mode 100644 index 0000000000000000000000000000000000000000..f6f9470f2498b72ff7e935ed5b83a0d09bd1b363 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_12500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_13000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_13000.png new file mode 100644 index 0000000000000000000000000000000000000000..2f809c500bf12f069d845b16374f3e9ef9c56126 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_13000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_13500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_13500.png new file mode 100644 index 0000000000000000000000000000000000000000..98dba47907343fd3c84f7585e1e966804c0ebb65 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_13500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_14000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_14000.png new file mode 100644 index 0000000000000000000000000000000000000000..e02f0166b2eceb96238475716347e98544a2fc49 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_14000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_14500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_14500.png new file mode 100644 index 0000000000000000000000000000000000000000..0db24b3b9cedb6fe1080801c84ed4cfea3ccfc08 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_14500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_1500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_1500.png new file mode 100644 index 0000000000000000000000000000000000000000..3f1586bb39d8cc625d5082c78fd4cc952a839f33 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_1500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_15000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_15000.png new file mode 100644 index 0000000000000000000000000000000000000000..68a97417cc0d72c303e9e893413e2c4c1e38c45f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_15000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_15500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_15500.png new file mode 100644 index 0000000000000000000000000000000000000000..e5c4419fd359756413de1a4a8324b5d89ee60970 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_15500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_16000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_16000.png new file mode 100644 index 0000000000000000000000000000000000000000..9b3d90c3422314b05fc79985bbc4c3af827df0a8 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_16000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_16500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_16500.png new file mode 100644 index 0000000000000000000000000000000000000000..6b76e5119b9e6f5a76e41d0374b80adc26de177e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_16500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_17000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_17000.png new file mode 100644 index 0000000000000000000000000000000000000000..64726ad9262a1726c588f086969a4a4f11135659 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_17000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_17500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_17500.png new file mode 100644 index 0000000000000000000000000000000000000000..c7876fb05da5dcac02354d7bd9797ef680edd460 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_17500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_18000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_18000.png new file mode 100644 index 0000000000000000000000000000000000000000..4bc399ae1f8adb74da5e69cc7fe149c62f230a3b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_18000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_18500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_18500.png new file mode 100644 index 0000000000000000000000000000000000000000..aefd89ac6b812a2f766685237d3394543bd37cbf Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_18500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_19000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_19000.png new file mode 100644 index 0000000000000000000000000000000000000000..12311dd6afda1d49879fc6807e1ae66caeb5db28 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_19000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_19500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_19500.png new file mode 100644 index 0000000000000000000000000000000000000000..9f99eaf8bcbc59835a7257922cb669e20da3eced Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_19500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_2000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_2000.png new file mode 100644 index 0000000000000000000000000000000000000000..b58548141f428627f84b69ae805d41569004f229 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_2000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_2500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_2500.png new file mode 100644 index 0000000000000000000000000000000000000000..8758793b270428f08e1a21db00a558f774717beb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_2500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_3000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_3000.png new file mode 100644 index 0000000000000000000000000000000000000000..6d1ad1ff07fd51e7999f329afd398cda3584b6f8 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_3000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_3500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_3500.png new file mode 100644 index 0000000000000000000000000000000000000000..108cab980ad864d6ca6873b2e7f936418d434cb3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_3500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_4000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_4000.png new file mode 100644 index 0000000000000000000000000000000000000000..4c379dd9f6b4333d2483e5dcc764d690580f0182 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_4000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_4500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_4500.png new file mode 100644 index 0000000000000000000000000000000000000000..dd022e1ed4df5943e17267bb541cbbda750fd3d2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_4500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_500.png new file mode 100644 index 0000000000000000000000000000000000000000..7debf16f8112639fd2c5402f1e49a62d161a66e4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_5000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_5000.png new file mode 100644 index 0000000000000000000000000000000000000000..e131a68421223fdd2f3e5a45505d79d5e064641d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_5000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_5500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_5500.png new file mode 100644 index 0000000000000000000000000000000000000000..ee10db0a630d637f63c0221a3645890935f46b35 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_5500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_6000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_6000.png new file mode 100644 index 0000000000000000000000000000000000000000..3edc28a75cc8eff0a9c9e5bfb0a0898e563e14e4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_6000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_6500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_6500.png new file mode 100644 index 0000000000000000000000000000000000000000..57343f470df28e2d546c9059b6e1f4af68c27cf0 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_6500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_7000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_7000.png new file mode 100644 index 0000000000000000000000000000000000000000..77eeb7c94672ae2220ea1404e6110351bb4e42bb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_7000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_7500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_7500.png new file mode 100644 index 0000000000000000000000000000000000000000..0d263890dd295c9f14fc55b1e1ba2fb0af3ec1da Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_7500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_8000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_8000.png new file mode 100644 index 0000000000000000000000000000000000000000..874c137b889a8a658270c540f39268b498a67d19 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_8000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_8500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_8500.png new file mode 100644 index 0000000000000000000000000000000000000000..ed3e0381fa42ca995de4d0b90c79e02ca0b1a08f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_8500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_9000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_9000.png new file mode 100644 index 0000000000000000000000000000000000000000..712468d5b4dde44a7e6a25b85e72829e89a75453 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_9000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_9500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_9500.png new file mode 100644 index 0000000000000000000000000000000000000000..ae9633f21caf5b95c24fae2073284c2d53e5f756 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_14-47-19/pic/im_9500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/args.json b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/args.json new file mode 100644 index 0000000000000000000000000000000000000000..2f5fb78e8e70622ce10ff34728ba12a4c38d9d01 --- /dev/null +++ b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/args.json @@ -0,0 +1,15 @@ +{ + "img": "\ud83d\udc30", + "batch_size": 8, + "device": "cpu", + "eval_frequency": 500, + "eval_iterations": 300, + "n_batches": 30000, + "n_channels": 16, + "logdir": "logs/RABBIT FACE-train_06-04-2022_15-32-38", + "padding": 0, + "pool_size": 1024, + "size": 20, + "hidden_channels": 32, + "mode": "train" +} \ No newline at end of file diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/events.out.tfevents.1649251962.LAPTOP-HSLEPJ10.18220.0.REMOVED.git-id b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/events.out.tfevents.1649251962.LAPTOP-HSLEPJ10.18220.0.REMOVED.git-id new file mode 100644 index 0000000000000000000000000000000000000000..b75515791ce65fa57d040baf2d129410e5bad6b2 --- /dev/null +++ b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/events.out.tfevents.1649251962.LAPTOP-HSLEPJ10.18220.0.REMOVED.git-id @@ -0,0 +1 @@ +2ae646e5c3ac60e79c411b8dda8937fc583f31a5 \ No newline at end of file diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_0.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_0.pt new file mode 100644 index 0000000000000000000000000000000000000000..f8ec4160cd0b1718d46cc77848b3679c973b2325 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_0.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_1000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_1000.pt new file mode 100644 index 0000000000000000000000000000000000000000..39bb787de9355419fa32b358cc93a6b2e74d11f2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_1000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_10000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_10000.pt new file mode 100644 index 0000000000000000000000000000000000000000..df3f97e4c5272cbfd6c68fda92565978829b856f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_10000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_10500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_10500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c9d3d518393551e62e08df486f2de41915ae4c46 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_10500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_11000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_11000.pt new file mode 100644 index 0000000000000000000000000000000000000000..92ae15af8b703730f1cb3be1d4d9104b593d83ea Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_11000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_11500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_11500.pt new file mode 100644 index 0000000000000000000000000000000000000000..f970d3e1751b098271d2d24abc956eaf97c7212c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_11500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_12000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_12000.pt new file mode 100644 index 0000000000000000000000000000000000000000..32929a046317c5bb3622832f2979518133d86b1b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_12000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_12500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_12500.pt new file mode 100644 index 0000000000000000000000000000000000000000..3544034700f57daf0576c6fc0765745c1a903e50 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_12500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_13000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_13000.pt new file mode 100644 index 0000000000000000000000000000000000000000..0373dffa5cba8ba70a0bac026a24f237c426776f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_13000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_13500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_13500.pt new file mode 100644 index 0000000000000000000000000000000000000000..bb8b0662edd6f4369bdf88b1a426933c9c78e25d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_13500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_14000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_14000.pt new file mode 100644 index 0000000000000000000000000000000000000000..0c8632bafe93cb09a5c1b89e55d94c4d8bdb338b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_14000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_14500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_14500.pt new file mode 100644 index 0000000000000000000000000000000000000000..ece0b3e89c91d1156aaa31036a926b315fc6a619 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_14500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_1500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_1500.pt new file mode 100644 index 0000000000000000000000000000000000000000..5eb034b5615d58c360ea514bd30d3201212b92c0 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_1500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_15000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_15000.pt new file mode 100644 index 0000000000000000000000000000000000000000..c38cf585f59ca18127d652292c18d84570ef28f6 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_15000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_15500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_15500.pt new file mode 100644 index 0000000000000000000000000000000000000000..75eb6f4ad1bb9baec86f79a77201d42cce016813 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_15500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_16000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_16000.pt new file mode 100644 index 0000000000000000000000000000000000000000..9faa87fc8d7c2874ea39356977becccfd47e4841 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_16000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_16500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_16500.pt new file mode 100644 index 0000000000000000000000000000000000000000..45e44bd13c268a7799be8d4865c4dc99cd220d9c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_16500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_17000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_17000.pt new file mode 100644 index 0000000000000000000000000000000000000000..dd50a68fc62bee5ca36e9d5af1022d68d0db5d46 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_17000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_17500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_17500.pt new file mode 100644 index 0000000000000000000000000000000000000000..e22b6ebb537a338079435120ce21c873841566b7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_17500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_18000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_18000.pt new file mode 100644 index 0000000000000000000000000000000000000000..ff36bd081a804ad5bddeff2a286f81cd22a3a786 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_18000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_18500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_18500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c57eb85d1dfe080d62d60a514d888fab2a094fca Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_18500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_19000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_19000.pt new file mode 100644 index 0000000000000000000000000000000000000000..3493c7cb09b833e2edbdfde5e51452c99dc263a7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_19000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_19500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_19500.pt new file mode 100644 index 0000000000000000000000000000000000000000..50ca21a434703e4405507dd570b984b1fbd949ed Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_19500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_2000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_2000.pt new file mode 100644 index 0000000000000000000000000000000000000000..2075d3af7374cf8aa68505010fd8d235c28e1703 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_2000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_20000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_20000.pt new file mode 100644 index 0000000000000000000000000000000000000000..626aa2069149e854a45fc7643395bffee34bd6e5 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_20000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_20500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_20500.pt new file mode 100644 index 0000000000000000000000000000000000000000..dc76ce5d8cca8dda8da24d15a8a0b1458d450c34 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_20500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_21000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_21000.pt new file mode 100644 index 0000000000000000000000000000000000000000..344dc2c3ccbedb75b3d587759837bd5771bf6b9b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_21000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_21500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_21500.pt new file mode 100644 index 0000000000000000000000000000000000000000..c7ed1471f9beee633dc52de9b113867769901c0f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_21500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_22000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_22000.pt new file mode 100644 index 0000000000000000000000000000000000000000..0e9efda2d9d69db0614698213d1efc0b5935c4c6 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_22000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_22500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_22500.pt new file mode 100644 index 0000000000000000000000000000000000000000..27efc8680d95047760744b6ca94cd2c543270bfd Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_22500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_23000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_23000.pt new file mode 100644 index 0000000000000000000000000000000000000000..1c0e2b09539da51b4a395333750f8b9d24ea8324 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_23000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_23500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_23500.pt new file mode 100644 index 0000000000000000000000000000000000000000..db95946fbfd6ab552e8f6b8d49b961e189e6947f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_23500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_24000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_24000.pt new file mode 100644 index 0000000000000000000000000000000000000000..83ce4b2556418618a01c25f659bf24eee4fe2635 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_24000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_24500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_24500.pt new file mode 100644 index 0000000000000000000000000000000000000000..57569c1ccdf206b3059189b46c5da6e3ae6530db Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_24500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_2500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_2500.pt new file mode 100644 index 0000000000000000000000000000000000000000..8ccd4f036ce1cc059602ce7829e280d895c5edba Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_2500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_25000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_25000.pt new file mode 100644 index 0000000000000000000000000000000000000000..6266b3c0be30fc1b2a0ffd7afb6da3e6028db845 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_25000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_25500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_25500.pt new file mode 100644 index 0000000000000000000000000000000000000000..d4fbcbf8f8b650c4de767bc86cc6309ade0f8934 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_25500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_26000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_26000.pt new file mode 100644 index 0000000000000000000000000000000000000000..8c47bbbe900f583669322ba0dd7eda24b978baa6 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_26000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_26500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_26500.pt new file mode 100644 index 0000000000000000000000000000000000000000..fdf693a8169f8a799d3f7277e194f0dd5770019b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_26500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_27000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_27000.pt new file mode 100644 index 0000000000000000000000000000000000000000..d52413359f668cdfc65a0f27fd344c0eb77ab966 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_27000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_27500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_27500.pt new file mode 100644 index 0000000000000000000000000000000000000000..bca9430f7a07c1aa367cdbda75d8dd2f03fbfbbb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_27500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_28000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_28000.pt new file mode 100644 index 0000000000000000000000000000000000000000..8baeea5fc6ed3a501c032fcc68ca1cf8b94c0c08 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_28000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_28500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_28500.pt new file mode 100644 index 0000000000000000000000000000000000000000..2ba66a99f076d17c203ec44a8808ca167c8d4ea2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_28500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_29000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_29000.pt new file mode 100644 index 0000000000000000000000000000000000000000..0df240ae7fe7ed82da4df00cbc9897805d6e5f92 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_29000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_29500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_29500.pt new file mode 100644 index 0000000000000000000000000000000000000000..d47dd1ab8eca9bad727bfe313950ac4a2ea30ad9 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_29500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_3000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_3000.pt new file mode 100644 index 0000000000000000000000000000000000000000..3eeca65e90a30f48f5def9e32758382e2e732ad8 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_3000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_3500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_3500.pt new file mode 100644 index 0000000000000000000000000000000000000000..330dc846744af9f2ddc0911ae037c5c74f2f3532 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_3500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_4000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_4000.pt new file mode 100644 index 0000000000000000000000000000000000000000..e9b42acf0e425779515b5bf864fb746a0d368064 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_4000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_4500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_4500.pt new file mode 100644 index 0000000000000000000000000000000000000000..5541560f64fdbc61defbca34478bfb7fffe97efb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_4500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_500.pt new file mode 100644 index 0000000000000000000000000000000000000000..ea253c56283f556b578f97538a67cc24b256b177 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_5000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_5000.pt new file mode 100644 index 0000000000000000000000000000000000000000..cfbde4af63fbbed7698e8c16d9fb0114222922bb Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_5000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_5500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_5500.pt new file mode 100644 index 0000000000000000000000000000000000000000..a4f54b4775920e997dcbc98f25a13fc444d60e77 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_5500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_6000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_6000.pt new file mode 100644 index 0000000000000000000000000000000000000000..bef1299c59bb0d69514edcd7a071adae65ea7100 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_6000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_6500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_6500.pt new file mode 100644 index 0000000000000000000000000000000000000000..9a0f3fd2e6d1e3e4bd4dc906429e2d70ae37d3f7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_6500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_7000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_7000.pt new file mode 100644 index 0000000000000000000000000000000000000000..8c0f5b0dea61193f53a7ab82c4cea0f77079449d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_7000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_7500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_7500.pt new file mode 100644 index 0000000000000000000000000000000000000000..15097133b689f0aed8eecfc84482814dd5796b80 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_7500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_8000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_8000.pt new file mode 100644 index 0000000000000000000000000000000000000000..dd49108b09655777bb806e443989210be1a43503 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_8000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_8500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_8500.pt new file mode 100644 index 0000000000000000000000000000000000000000..e331a58789e1c4f2b0a2a286f286876b5e34c412 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_8500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_9000.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_9000.pt new file mode 100644 index 0000000000000000000000000000000000000000..45a706536efe3fe7dc66a9f3c66786fea51571c7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_9000.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_9500.pt b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_9500.pt new file mode 100644 index 0000000000000000000000000000000000000000..ffbca9863a816863d363a8dee7735f18410e9e21 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/models/model_9500.pt differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_0.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_0.png new file mode 100644 index 0000000000000000000000000000000000000000..764d5cb5af9f9dcb398e2eee58b3716b87dc0a99 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_0.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_1000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_1000.png new file mode 100644 index 0000000000000000000000000000000000000000..38f6ec229134b7c9a1558dcf973ab22dadc47e47 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_1000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_10000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_10000.png new file mode 100644 index 0000000000000000000000000000000000000000..84640066c99b9d8453014a8cf87c1b3a3763067b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_10000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_10500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_10500.png new file mode 100644 index 0000000000000000000000000000000000000000..308c8aa77a6d6b7bc08dde17fc7189014526d9ce Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_10500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_11000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_11000.png new file mode 100644 index 0000000000000000000000000000000000000000..5c4147294ae1939d1033652cd6b6eb5bb519e671 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_11000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_11500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_11500.png new file mode 100644 index 0000000000000000000000000000000000000000..2692f03ba217aab95f3fdfec3cfb39115804c867 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_11500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_12000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_12000.png new file mode 100644 index 0000000000000000000000000000000000000000..d9e70887a76eff066c0e81d7ba8a507fab5cc47b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_12000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_12500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_12500.png new file mode 100644 index 0000000000000000000000000000000000000000..2133bd4d54d4c705ce9c3b7ff3a2ff7f2ab8d8ad Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_12500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_13000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_13000.png new file mode 100644 index 0000000000000000000000000000000000000000..e600a9905f26b3b57600cf2e3209ae7bd5644c8b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_13000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_13500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_13500.png new file mode 100644 index 0000000000000000000000000000000000000000..4437c90b96a40511c6161de6156255ff5e0db056 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_13500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_14000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_14000.png new file mode 100644 index 0000000000000000000000000000000000000000..35d06e0a26c811f88627df72f796cad56ba4d281 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_14000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_14500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_14500.png new file mode 100644 index 0000000000000000000000000000000000000000..7bfd0ab7ea65ac25c37ca51d3ee984ebe0566541 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_14500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_1500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_1500.png new file mode 100644 index 0000000000000000000000000000000000000000..a1a694382556c6265976159e88f4c3806776ed59 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_1500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_15000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_15000.png new file mode 100644 index 0000000000000000000000000000000000000000..4d3b8664a938fe9c2e5a75eb928390fbf9c81080 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_15000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_15500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_15500.png new file mode 100644 index 0000000000000000000000000000000000000000..4fb101dd9e0ffac7e1790e25545859c025a3ecd4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_15500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_16000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_16000.png new file mode 100644 index 0000000000000000000000000000000000000000..f580c56bb015c661d97dee980f80f380eb4ba0c2 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_16000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_16500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_16500.png new file mode 100644 index 0000000000000000000000000000000000000000..47ee208f0ed827b729cc76ae116c9bd589752e8c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_16500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_17000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_17000.png new file mode 100644 index 0000000000000000000000000000000000000000..17c6b31277286e6f761fccf938d572ca63d0c65d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_17000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_17500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_17500.png new file mode 100644 index 0000000000000000000000000000000000000000..cb7d3f3f99502ea7ba023fb1eef1ca421fd4d815 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_17500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_18000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_18000.png new file mode 100644 index 0000000000000000000000000000000000000000..2df254da4f71d64cc86b33a23136d79c1f2aeedc Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_18000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_18500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_18500.png new file mode 100644 index 0000000000000000000000000000000000000000..bbb16fe0d8e218e31535baed0cdd50a7f8d1fa3d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_18500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_19000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_19000.png new file mode 100644 index 0000000000000000000000000000000000000000..da01056f8e8183dd71745563c36ead1627992f0c Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_19000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_19500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_19500.png new file mode 100644 index 0000000000000000000000000000000000000000..75d4c7c3a11f13c1f275b6d903b4c0f5bcd11424 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_19500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_2000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_2000.png new file mode 100644 index 0000000000000000000000000000000000000000..627e90ee293314dab0519a644b011ea7a523d9d7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_2000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_20000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_20000.png new file mode 100644 index 0000000000000000000000000000000000000000..f10b23ca1aa8282a616c6181bbe97fb508016987 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_20000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_20500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_20500.png new file mode 100644 index 0000000000000000000000000000000000000000..0eb14c05cc9d9909d11ec50aa4e7e259d01d69e0 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_20500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_21000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_21000.png new file mode 100644 index 0000000000000000000000000000000000000000..f7750130b4b6c1694ea3572a9de986784c40aba7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_21000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_21500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_21500.png new file mode 100644 index 0000000000000000000000000000000000000000..a214524cb5eac6553a721afdaf1abb45465cab7b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_21500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_22000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_22000.png new file mode 100644 index 0000000000000000000000000000000000000000..81678f65cee2a5290dd8d6cb1336ce854f844be1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_22000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_22500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_22500.png new file mode 100644 index 0000000000000000000000000000000000000000..b5700d182622a900b5b6dfc70bdc096bbca225f5 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_22500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_23000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_23000.png new file mode 100644 index 0000000000000000000000000000000000000000..1fb2ff296a6a13b8eb72438f0b844634744eae1e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_23000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_23500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_23500.png new file mode 100644 index 0000000000000000000000000000000000000000..e6589e0f78d369021deb00cc16a90d35e5db53fd Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_23500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_24000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_24000.png new file mode 100644 index 0000000000000000000000000000000000000000..f732face4c761126fd61c976909f1db94ebceaf1 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_24000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_24500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_24500.png new file mode 100644 index 0000000000000000000000000000000000000000..e233f663cd45b09169d6f29d8d018272833b9128 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_24500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_2500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_2500.png new file mode 100644 index 0000000000000000000000000000000000000000..b3de69eff8a135815b77b4f9de5bd4c47bbaa511 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_2500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_25000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_25000.png new file mode 100644 index 0000000000000000000000000000000000000000..5cf8fe4ec75df05b18d2bc2933fc59e3a90530d3 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_25000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_25500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_25500.png new file mode 100644 index 0000000000000000000000000000000000000000..5e2e0ef4ac513298f982cd7776a9c7f41167ee5e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_25500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_26000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_26000.png new file mode 100644 index 0000000000000000000000000000000000000000..f1c75776a28e495cb52e04f71b43fe3378217d7b Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_26000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_26500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_26500.png new file mode 100644 index 0000000000000000000000000000000000000000..85282710b891825ed0129d3b4ae93d1cb123a96e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_26500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_27000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_27000.png new file mode 100644 index 0000000000000000000000000000000000000000..16a87e1fbdf4a33b17b25ff489a4ffe50bf5247a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_27000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_27500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_27500.png new file mode 100644 index 0000000000000000000000000000000000000000..5d42b21250ffaa584625af9c0d7b27d248cbef45 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_27500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_28000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_28000.png new file mode 100644 index 0000000000000000000000000000000000000000..c97fb7834f0d02380f44897c903af80f170aab3d Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_28000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_28500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_28500.png new file mode 100644 index 0000000000000000000000000000000000000000..4f932093a1d5cd87e19f2ea1e2ea8358d7c7c719 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_28500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_29000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_29000.png new file mode 100644 index 0000000000000000000000000000000000000000..bca1e30a5bfc8860e357bba201c9e79775675230 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_29000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_29500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_29500.png new file mode 100644 index 0000000000000000000000000000000000000000..9939dc9817e5a2bb7eee8075775314e0158af9de Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_29500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_3000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_3000.png new file mode 100644 index 0000000000000000000000000000000000000000..fb326d9758a6fc81bff1d902fc5046e49e6adb7f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_3000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_3500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_3500.png new file mode 100644 index 0000000000000000000000000000000000000000..49ecbdcd32189d3631a68d6c6eb9196e7bbe55d9 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_3500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_4000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_4000.png new file mode 100644 index 0000000000000000000000000000000000000000..f09375dfbee973c5eb86ffe078ad565c498818e4 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_4000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_4500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_4500.png new file mode 100644 index 0000000000000000000000000000000000000000..380124ec9739272fe9680647e784277280132b1a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_4500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_500.png new file mode 100644 index 0000000000000000000000000000000000000000..0b426d96f6c3a96c2376173acff0db76ee7edd44 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_5000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_5000.png new file mode 100644 index 0000000000000000000000000000000000000000..3099e875457cf15a06fa4352906cbce09c0712e7 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_5000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_5500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_5500.png new file mode 100644 index 0000000000000000000000000000000000000000..f8ca31d2133380a7c9cc0ba44cde170aec7ce36e Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_5500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_6000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_6000.png new file mode 100644 index 0000000000000000000000000000000000000000..cb23c9edeae84e7cb1b60f76c599b9aaa811e996 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_6000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_6500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_6500.png new file mode 100644 index 0000000000000000000000000000000000000000..b74ce1c391b69774d5c9d7b59631e1552235046a Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_6500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_7000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_7000.png new file mode 100644 index 0000000000000000000000000000000000000000..37616776f2441b669003e669ed71b5b54b2bc4bf Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_7000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_7500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_7500.png new file mode 100644 index 0000000000000000000000000000000000000000..6f215d57e5867ee354b57bf60dd28d07f644c3df Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_7500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_8000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_8000.png new file mode 100644 index 0000000000000000000000000000000000000000..288cb65312dab3e67fc5e204bdb25ed078541900 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_8000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_8500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_8500.png new file mode 100644 index 0000000000000000000000000000000000000000..bd9b45311903d7d3c3f113e344e83415ecec9c68 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_8500.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_9000.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_9000.png new file mode 100644 index 0000000000000000000000000000000000000000..2944497937998208c9c2af1719112def8f53b77f Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_9000.png differ diff --git a/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_9500.png b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_9500.png new file mode 100644 index 0000000000000000000000000000000000000000..7572c2db2c15598f3a4a6d59f83c974d89c6bd11 Binary files /dev/null and b/automata_ex/logs/RABBIT FACE-train_06-04-2022_15-32-38/pic/im_9500.png differ diff --git a/automata_ex/readme.md b/automata_ex/readme.md index a93cd282c8e05a99c22c98e674f59b7539cf3b2d..7a70de093f8f1b5198199b64f0d9d834f2ec9083 100644 --- a/automata_ex/readme.md +++ b/automata_ex/readme.md @@ -13,7 +13,7 @@ Get parameters: ``python train.py --help`` Run args suggestion: -``python train.py -d cuda -n 10000 -b 4 rabbit.png`` +``python train.py -p 0 -n 10000 -s 9 -hch 32 rabbit.png`` Remove '-d cuda' to train using cpu In pytorch edit configuration and add parameters: diff --git a/automata_ex/train.py b/automata_ex/train.py index 43775f095d2024a1c040a9b03eaba22255c3e4d1..2b14c1ec56174256434ea2528052c15a6401b6a8 100644 --- a/automata_ex/train.py +++ b/automata_ex/train.py @@ -5,6 +5,7 @@ import numpy as np import torch import torch.nn as nn from PIL import Image +from torchvision.utils import save_image from torch.utils.tensorboard import SummaryWriter from tqdm import tqdm from model import CAModel @@ -12,6 +13,7 @@ import io import os import requests import unicodedata +import json def load_image(path, size=40): """Load an image. @@ -63,6 +65,8 @@ def to_rgb(img_rgba): rgb, a = img_rgba[:, :3, ...], torch.clamp(img_rgba[:, 3:, ...], 0, 1) return torch.clamp(1.0 - a + rgb, 0, 1) +def save_model(PATH, model): + torch.save(model.state_dict(), PATH) def make_seed(size, n_channels): """Create a starting tensor for training. @@ -123,7 +127,7 @@ def main(argv=None): "-n", "--n-batches", type=int, - default=5000, + default=10000, help="Number of batches to train for.", ) parser.add_argument( @@ -177,10 +181,15 @@ def main(argv=None): if not os.path.isdir(args.logdir): raise Exception("Logging directory '%s' not found in base folder" % args.logdir) - args.logdir = "%s/%s-%s_%s" % (args.logdir, unicodedata.name(args.img), args.mode, time.strftime("%d-%m-%Y_%H:%M:%S")) + # make log dir + args.logdir = "%s/%s-%s_%s" % (args.logdir, unicodedata.name(args.img), args.mode, time.strftime("%d-%m-%Y_%H-%M-%S")) os.mkdir(args.logdir) os.mkdir(args.logdir + "/models") os.mkdir(args.logdir + "/pic") + print(f'logs saved to dir: {args.logdir}') + + with open(f'{args.logdir}/args.json', 'w') as f: + f.write(json.dumps(vars(args),indent=4)) # Misc device = torch.device(args.device) @@ -234,6 +243,7 @@ def main(argv=None): pool[remaining_pool] = x[remaining_batch].detach() if it % args.eval_frequency == 0: + save_model(f'{args.logdir}/models/model_{it}.pt', model) x_eval = seed.clone() # (1, n_channels, size, size) eval_video = torch.empty(1, args.eval_iterations, 3, *x_eval.shape[2:]) @@ -243,6 +253,7 @@ def main(argv=None): x_eval_out = to_rgb(x_eval[:, :4].detach().cpu()) eval_video[0, it_eval] = x_eval_out + save_image(x_eval_out, f'{args.logdir}/pic/im_{it}.png') writer.add_video("eval", eval_video, it, fps=60) diff --git a/damage_ca/damage.py b/damage_ca/damage.py new file mode 100644 index 0000000000000000000000000000000000000000..08904bf88a92202f952d47d5f96101b9841bdb1f --- /dev/null +++ b/damage_ca/damage.py @@ -0,0 +1,92 @@ +import torch +from torch.utils.tensorboard import SummaryWriter +from torchvision.utils import save_image +from model import CellularAutomataModel +from utils import load_emoji, to_rgb, get_gaussian_kernel, adv_attack +import torch.nn.functional as F +from torch import tensor as tt +import numpy as np + +class Damage(): + def __init__(self, args): + self.device = torch.device('cpu') + self.n_iterations = args.n_iterations + self.batch_size = args.batch_size + self.dmg_freq = args.dmg_freq + self.alpha = args.alpha + self.padding = args.padding + self.sigma = args.sigma + self.size = args.size+2 +self.padding + self.logdir = args.logdir + self.max_dmg_freq = args.max_dmg_freq + self.load_model_path = args.load_model_path + self.n_channels = args.n_channels + self.target_img = load_emoji(args.img, self.size) #rgba img + self.mode = args.mode # 0 for blur, 1 for pixel removal, 2 for adversarial attck + self.eps = args.eps + + p = self.padding + self.pad_target = F.pad(tt(self.target_img), (0, 0, p, p, p, p)) + h, w = self.pad_target.shape[:2] + + whidden = torch.concat((self.pad_target, torch.zeros((self.size,self.size,12))), axis=2) + self.batch_target = tt(np.repeat(whidden[None, ...], self.batch_size, 0)) + + self.seed = np.zeros([h, w, 16], np.float64) + self.seed[h // 2, w // 2, 3:] = 1.0 + self.x0 = tt(np.repeat(self.seed[None, ...], self.batch_size, 0)) #seed + + t_rgb = to_rgb(self.pad_target).permute(2, 0, 1) + self.net = CellularAutomataModel(n_channels=16, fire_rate=0.5, hidden_channels=32).to(self.device) + save_image(t_rgb, "%s/target_image.png" % self.logdir) + self.writer = SummaryWriter(self.logdir) + + + def load_model(self, path): + """Load a PyTorch model from path.""" + self.net.load_state_dict(torch.load(path)) + self.net.double() + + + def run(self): + imgpath = '%s/damaged.png' % (self.logdir) + self.load_model(self.load_model_path) # model loaded + x_eval = self.x0.clone() + blur = get_gaussian_kernel(sigma=self.sigma,channels=16).to(self.device) + l_func = torch.nn.MSELoss() + dmg_count = 0 + for i in range(self.n_iterations): + loss=self.net.loss(x_eval, self.pad_target).mean() + self.writer.add_scalar("dmg/loss", loss, i) + + x_eval = self.net(x_eval) #update step + + if i % self.dmg_freq == 0 and i != 0 and dmg_count != self.max_dmg_freq: # do damage + if self.mode == 0: + gblur = blur(x_eval.permute(0, 3, 1, 2).type(torch.float32)) # returns (ch, s, s) + x_eval = gblur.permute(0,2,3,1).type(torch.float64) + #self.writer.add_image(f'after_{i}', to_rgb(x_eval)[0].permute(2, 0, 1)) + elif self.mode == 1: + #lower half + y_pos = (self.size // 2) + 1 + x_pos = 0 + dmg_size = self.size + x_eval[:, y_pos:y_pos + dmg_size, x_pos:x_pos + dmg_size, :] = 0 + elif self.mode==2: + e = x_eval.detach().cpu() + e.requires_grad = True + l = l_func(e, self.batch_target) + self.net.zero_grad() + l.backward() + x_eval = adv_attack(x_eval, self.eps, e.grad.data) + dmg_count += 1 + image = to_rgb(x_eval).permute(0, 3, 1, 2) + save_image(image, imgpath, nrow=1, padding=0) + + imgpath = '%s/done.png' % (self.logdir) + image = to_rgb(x_eval).permute(0, 3, 1, 2) + save_image(image, imgpath, nrow=1, padding=0) + + + + \ No newline at end of file diff --git a/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/damaged.png b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/damaged.png new file mode 100644 index 0000000000000000000000000000000000000000..d68db2d0ca75475ac628e9754525f26e06fb9eb7 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/damaged.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/done.png b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/done.png new file mode 100644 index 0000000000000000000000000000000000000000..74299174c2209b9ce8306aea6f3e5befb645ccdc Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/done.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/events.out.tfevents.1651236120.LAPTOP-HSLEPJ10.20376.0 b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/events.out.tfevents.1651236120.LAPTOP-HSLEPJ10.20376.0 new file mode 100644 index 0000000000000000000000000000000000000000..f55dc5f4ec91bbb0306348b02279fa09f8497024 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/events.out.tfevents.1651236120.LAPTOP-HSLEPJ10.20376.0 differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/logfile.log b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/logfile.log new file mode 100644 index 0000000000000000000000000000000000000000..e9603e500b54c801e2684182c0e9220f7ff23c71 --- /dev/null +++ b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/logfile.log @@ -0,0 +1,17 @@ +INFO:root: +Arguments: +mode: 2 +n_iterations: 1000 +batch_size: 1 +n_channels: 16 +dmg_freq: 51 +max_dmg_freq: 5 +sigma: 0.2 +alpha: 0.005 +padding: 0 +eps: 0.007 +img: '🥕' +size: 15 +logdir: 'logs/CARROT_29-04-2022_14-41-56_mode2' +load_model_path: 'models/model_999500' + diff --git a/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/target_image.png b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/target_image.png new file mode 100644 index 0000000000000000000000000000000000000000..f3fcd277bbb2216414fbcf8589d6518b761a3591 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-41-56_mode2/target_image.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/damaged.png b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/damaged.png new file mode 100644 index 0000000000000000000000000000000000000000..ac88afaaaf00f98575d32fdf13d19ad2cac8a298 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/damaged.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/done.png b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/done.png new file mode 100644 index 0000000000000000000000000000000000000000..412956b0a3583ee3b1787ea98b891c7aa2b1c6bd Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/done.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/events.out.tfevents.1651236133.LAPTOP-HSLEPJ10.30196.0 b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/events.out.tfevents.1651236133.LAPTOP-HSLEPJ10.30196.0 new file mode 100644 index 0000000000000000000000000000000000000000..eceeda958d544d6cdb9f20c134320ba0e86637ce Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/events.out.tfevents.1651236133.LAPTOP-HSLEPJ10.30196.0 differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/logfile.log b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/logfile.log new file mode 100644 index 0000000000000000000000000000000000000000..60c1ceb6c4896648eca7af1eaf3998432d6c654f --- /dev/null +++ b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/logfile.log @@ -0,0 +1,17 @@ +INFO:root: +Arguments: +mode: 2 +n_iterations: 1000 +batch_size: 1 +n_channels: 16 +dmg_freq: 51 +max_dmg_freq: 5 +sigma: 0.2 +alpha: 0.005 +padding: 0 +eps: 0.07 +img: '🥕' +size: 15 +logdir: 'logs/CARROT_29-04-2022_14-42-09_mode2' +load_model_path: 'models/model_999500' + diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/target_image.png b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/target_image.png new file mode 100644 index 0000000000000000000000000000000000000000..f3fcd277bbb2216414fbcf8589d6518b761a3591 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-09_mode2/target_image.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/damaged.png b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/damaged.png new file mode 100644 index 0000000000000000000000000000000000000000..ac2a0af7707acbc3a2f3c03e32fa82c91fea6ed9 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/damaged.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/done.png b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/done.png new file mode 100644 index 0000000000000000000000000000000000000000..4eda5c96b09b3fa58f4d2ad1cf7a0c8892b5dac7 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/done.png differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/events.out.tfevents.1651236157.LAPTOP-HSLEPJ10.18112.0 b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/events.out.tfevents.1651236157.LAPTOP-HSLEPJ10.18112.0 new file mode 100644 index 0000000000000000000000000000000000000000..2a478502c502e43b3dd1c8c607fb0803bd5a32b3 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/events.out.tfevents.1651236157.LAPTOP-HSLEPJ10.18112.0 differ diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/logfile.log b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/logfile.log new file mode 100644 index 0000000000000000000000000000000000000000..50b8466348b92c8db3a6d99e136aaf4d45668118 --- /dev/null +++ b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/logfile.log @@ -0,0 +1,17 @@ +INFO:root: +Arguments: +mode: 2 +n_iterations: 1000 +batch_size: 1 +n_channels: 16 +dmg_freq: 51 +max_dmg_freq: 1 +sigma: 0.2 +alpha: 0.005 +padding: 0 +eps: 0.007 +img: '🥕' +size: 15 +logdir: 'logs/CARROT_29-04-2022_14-42-33_mode2' +load_model_path: 'models/model_999500' + diff --git a/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/target_image.png b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/target_image.png new file mode 100644 index 0000000000000000000000000000000000000000..f3fcd277bbb2216414fbcf8589d6518b761a3591 Binary files /dev/null and b/damage_ca/logs/CARROT_29-04-2022_14-42-33_mode2/target_image.png differ diff --git a/damage_ca/main.py b/damage_ca/main.py new file mode 100644 index 0000000000000000000000000000000000000000..992b3117577a026fbb35f24a32e3b6f1d25184af --- /dev/null +++ b/damage_ca/main.py @@ -0,0 +1,47 @@ +import argparse +import os +import unicodedata +import logging +from damage import Damage +import time +if __name__ == '__main__': + + emoji = '🥕' + + parser = argparse.ArgumentParser() + + parser.add_argument("--mode", type=int, default=0, help="0 for gaussian blur, 1 for pixel removal, 2 for adversarial attacks") + parser.add_argument("--n_iterations", type=int, default=1000, help="Number of iterations to test for.") + parser.add_argument("--batch_size", type=int, default=8, help="Batch size.") + parser.add_argument("--n_channels", type=int, default=16, help="Number of channels of the input tensor") + parser.add_argument("--dmg_freq", type=int, default=51, help="Frequency for damaging",) + parser.add_argument("--max_dmg_freq", type=int, default=-1, help="Limit the number of times of damaging, -1 if not specified") + + parser.add_argument("--sigma", type=float, default=0.2, help="Sigma for gaussian blur, greater value means more blurry") + parser.add_argument("--alpha", type=float, default=0.005, metavar=0.005, help="Alpha for how much noise to add") + parser.add_argument("--padding", type=int, default=0, help="Padding for image") + parser.add_argument("--eps", type=float, default=0.007, help="Epsion scales the amount of damage done from adversarial attacks") + parser.add_argument("--img", type=str, default=emoji, metavar="🐰", help="The emoji to train on") + parser.add_argument("--size",type=int, default=15, help="size of image") + parser.add_argument("--logdir", type=str, default="logs", help="Logging folder for new model") + parser.add_argument("--load_model_path", type=str, default="models/model_999500", help="Path to pre trained model") + + args = parser.parse_args() + + if not os.path.isdir(args.logdir): + raise Exception("Logging directory '%s' not found in base folder" % args.logdir) + + args.logdir = "%s/%s_%s_mode%s" % (args.logdir, unicodedata.name(args.img), time.strftime("%d-%m-%Y_%H-%M-%S"), args.mode) + os.mkdir(args.logdir) + + print(args.logdir) + logging.basicConfig(handlers=[logging.FileHandler(filename=f'{args.logdir}/logfile.log', encoding='utf-8', mode='a+')], level=logging.INFO) + argprint = "\nArguments:\n" + for arg, value in vars(args).items(): + argprint += ("%s: %r\n" % (arg, value)) + logging.info(argprint) + + #dmg here + dmg = Damage(args) + dmg.run() + \ No newline at end of file diff --git a/damage_ca/model.py b/damage_ca/model.py new file mode 100644 index 0000000000000000000000000000000000000000..868ca49d66c0b3b9fedb49838c93d46c389cff87 --- /dev/null +++ b/damage_ca/model.py @@ -0,0 +1,69 @@ +import numpy as np +import torch +import torch.nn as nn +import torch.nn.functional as F + +class CellularAutomataModel(nn.Module): + def __init__(self, n_channels, hidden_channels, fire_rate): + super().__init__() + self.n_channels = n_channels + self.hidden_channels = hidden_channels + self.fire_rate = fire_rate + + self.fc0 = nn.Linear(self.n_channels * 3, self.hidden_channels, bias=False) + self.fc1 = nn.Linear(self.hidden_channels, self.n_channels, bias=False) + with torch.no_grad(): self.fc1.weight.zero_() + + identity = np.float64([0, 1, 0]) + identity = torch.from_numpy(np.outer(identity, identity)) + sobel_x = torch.from_numpy(np.outer([1, 2, 1], [-1, 0, 1]) / 8.0) # sobel filter + sobel_y = sobel_x.T + self.kernel = torch.cat([ + identity[None, None, ...], + sobel_x[None, None, ...], + sobel_y[None, None, ...]], + dim=0).repeat(self.n_channels, 1, 1, 1) + + for param in self.parameters(): param.requires_grad = False + + self.double() + + def perceive(self, x): + """Percieve neighboors with two sobel filters and one single-entry filter""" + y = F.conv2d(x.permute(0, 3, 1, 2), self.kernel, groups=16, padding=1) + y = y.permute(0, 2, 3, 1) + return y + + def loss(self, x, y): + """mean squared error""" + return torch.mean(torch.square(x[..., :4] - y), [-2, -3, -1]) + + def forward(self, x, fire_rate=None, step_size=1.0): + """Forward a cell grid through the network and return the cell grid with changes applied.""" + y = self.perceive(x) + pre_life_mask = get_living_mask(x) + dx1 = self.fc0(y) + dx1 = F.relu(dx1) + dx2 = self.fc1(dx1) + dx = dx2 * step_size + + if fire_rate is None: + fire_rate = self.fire_rate + + update_mask_rand = torch.rand(*x[:, :, :, :1].shape) + update_mask = update_mask_rand <= fire_rate + x += dx * update_mask.double() + post_life_mask = get_living_mask(x) + life_mask = pre_life_mask.bool() & post_life_mask.bool() + res = x * life_mask.double() + + return res + + +def get_living_mask(x): + """returns boolean vector of the same shape as x, except for the last dimension. + The last dimension is a single value, true/false, that determines if alpha > 0.1""" + alpha = x[:, :, :, 3:4] + m = F.max_pool3d(alpha, kernel_size=3, stride=1, padding=1) > 0.1 + return m + diff --git a/damage_ca/models/model_999500 b/damage_ca/models/model_999500 new file mode 100644 index 0000000000000000000000000000000000000000..af0a267609c32d1e859c5b49744606d0d694d1b5 Binary files /dev/null and b/damage_ca/models/model_999500 differ diff --git a/damage_ca/readme.md b/damage_ca/readme.md new file mode 100644 index 0000000000000000000000000000000000000000..a187b2cf9ba408e1cbf46e0477bd766e743e3089 --- /dev/null +++ b/damage_ca/readme.md @@ -0,0 +1,40 @@ +# Damage script + +``python main.py --batch_size=1 --mode=0 --max_dmg_freq=-1 --load_model_path="models/model_999500"`` + +## Types of damage + +* Gaussian blur +Requires sigma value. Greater sigma equals more blurryness +default argument: --sigma = 0.2 +mode 0 + +* Removal of pixels +mode 1 + +* Adversarial attacks +Requires epsilon value. Greater epsiolon equals more noise. +default argument: --eps=0.007 +mode 2 + +## Parameters: +optional arguments: + -h, --help show this help message and exit + --mode MODE 0 for gaussian blur, 1 for pixel removal, 2 for adversarial attacks + --n_iterations N_ITERATIONS Number of iterations to test for. + --batch_size BATCH_SIZE + Batch size. + --n_channels N_CHANNELS + Number of channels of the input tensor + --dmg_freq DMG_FREQ Frequency for damaging + --max_dmg_freq MAX_DMG_FREQ + Limit the number of times of damaging, -1 if not specified + --sigma SIGMA Sigma for gaussian blur, greater value means more blurry + --alpha 0.005 Alpha for how much noise to add + --padding PADDING Padding for image + --eps EPS Epsion scales the amount of damage done from adversarial attacks + --img 🐰 The emoji to train on + --size SIZE size of image + --logdir LOGDIR Logging folder for new model + --load_model_path LOAD_MODEL_PATH + Path to pre trained model diff --git a/damage_ca/utils.py b/damage_ca/utils.py new file mode 100644 index 0000000000000000000000000000000000000000..0667de132a35cd37a8f57fa7134272e32a5a0cd1 --- /dev/null +++ b/damage_ca/utils.py @@ -0,0 +1,114 @@ +import requests +import torch +from torchvision.utils import save_image +import numpy as np +import PIL.Image, PIL.ImageDraw +import io +import math + + +def load_emoji(emoji_code, img_size): + """Loads image of emoji with code 'emoji' from google's emojirepository""" + emoji_code = hex(ord(emoji_code))[2:].lower() + url = 'https://raw.githubusercontent.com/googlefonts/noto-emoji/main/png/128/emoji_u%s.png' % emoji_code + req = requests.get(url) + img = PIL.Image.open(io.BytesIO(req.content)) + img.thumbnail((img_size, img_size), PIL.Image.ANTIALIAS) + img = np.float64(img) / 255.0 + img[..., :3] *= img[..., 3:] + + return img + +# Adversarial attack +def adv_attack(image, epsilon, data_grad): + # Collect the element-wise sign of the data gradient + sign_data_grad = data_grad.sign() + # Create the perturbed image by adjusting each pixel of the input image + perturbed_image = image + epsilon*sign_data_grad + # Adding clipping to maintain [0,1] range + perturbed_image = torch.clamp(perturbed_image, 0, 1) + # Return the perturbed image + return perturbed_image + +def get_gaussian_kernel(kernel_size=3, sigma=1.0, channels=3, padding=1): + """ Create a model for applying 2d convolutional gaussian blur filter""" + # Create a x, y coordinate grid of shape (kernel_size, kernel_size, 2) + x_coord = torch.arange(kernel_size) + x_grid = x_coord.repeat(kernel_size).view(kernel_size, kernel_size) + y_grid = x_grid.t() + xy_grid = torch.stack([x_grid, y_grid], dim=-1) + + mean = (kernel_size - 1)/2. + variance = sigma**2. + + # Calculate the 2-dimensional gaussian kernel which is + # the product of two gaussian distributions for two different + # variables (in this case called x and y) + gaussian_kernel = (1./(2.*math.pi*variance)) *\ + torch.exp( + -torch.sum((xy_grid - mean)**2., dim=-1) /\ + (2*variance) + ) + + # Make sure sum of values in gaussian kernel equals 1. + gaussian_kernel = gaussian_kernel / torch.sum(gaussian_kernel) + + # Reshape to 2d depthwise convolutional weight + gaussian_kernel = gaussian_kernel.view(1, 1, kernel_size, kernel_size) + gaussian_kernel = gaussian_kernel.repeat(channels, 1, 1, 1) + + gaussian_filter = torch.nn.Conv2d(in_channels=channels, out_channels=channels, + kernel_size=kernel_size, groups=channels, padding=padding, bias=False) + + gaussian_filter.weight.data = gaussian_kernel + gaussian_filter.weight.requires_grad = False + + return gaussian_filter + +def to_alpha(x): + """Return the alpha channel of an image.""" + return torch.clamp(x[..., 3:4], 0.0, 1.0) + +def to_rgb(x): + """Return the three first channels (RGB) with alpha deducted.""" + rgb, a = x[..., :3], to_alpha(x) + return 1.0 - a + rgb + +def to_rgba(x): + """Return the four first channels (RGBA) of an image.""" + return x[..., :4] + +def save_model(ca, base_fn): + """Save a PyTorch model to a specific path.""" + torch.save(ca.state_dict(), base_fn) + +def visualize(xs, step_i, nrow=1): + """Save a batch of multiple x's to file""" + for i in range(len(xs)): + xs[i] = to_rgb(xs[i]).permute(0, 3, 1, 2) + save_image(torch.cat(xs, dim=0), './logg/pic/p%04d.png' % step_i, nrow=nrow, padding=0) + +class Pool: + """Class for storing and providing samples of different stages of growth.""" + def __init__(self, seed, size): + self.size = size + self.slots = np.repeat([seed], size, 0) + self.seed = seed + + def commit(self, batch): + """Replace existing slots with a batch.""" + indices = batch["indices"] + for i, x in enumerate(batch["x"]): + if (x[:, :, 3] > 0.1).any(): # Avoid committing dead image + self.slots[indices[i]] = x.copy() + + def sample(self, c): + """Retrieve a batch from the pool.""" + indices = np.random.choice(self.size, c, False) + batch = { + "indices": indices, + "x": self.slots[indices] + } + return batch + + \ No newline at end of file diff --git a/ES_ex/ES.py b/etc/ES_ex/ES.py similarity index 100% rename from ES_ex/ES.py rename to etc/ES_ex/ES.py diff --git a/ES_ex/ES_test.py b/etc/ES_ex/ES_test.py similarity index 100% rename from ES_ex/ES_test.py rename to etc/ES_ex/ES_test.py diff --git a/es_automata/ES.py b/etc/es_automata/ES.py similarity index 100% rename from es_automata/ES.py rename to etc/es_automata/ES.py diff --git a/es_automata/__init__.py b/etc/es_automata/__init__.py similarity index 100% rename from es_automata/__init__.py rename to etc/es_automata/__init__.py diff --git a/es_automata/animation.mp4 b/etc/es_automata/animation.mp4 similarity index 100% rename from es_automata/animation.mp4 rename to etc/es_automata/animation.mp4 diff --git a/es_automata/model.py b/etc/es_automata/model.py similarity index 100% rename from es_automata/model.py rename to etc/es_automata/model.py diff --git a/es_automata/rabbit.png b/etc/es_automata/rabbit.png similarity index 100% rename from es_automata/rabbit.png rename to etc/es_automata/rabbit.png diff --git a/es_automata/readme.md b/etc/es_automata/readme.md similarity index 100% rename from es_automata/readme.md rename to etc/es_automata/readme.md diff --git a/es_automata/requirements.txt b/etc/es_automata/requirements.txt similarity index 96% rename from es_automata/requirements.txt rename to etc/es_automata/requirements.txt index bd1c5c0ccbbe98e7f1583d020cecd7e770fcca71..95be3c2c4f9ccb346372609947e15539e5ad38c2 100644 --- a/es_automata/requirements.txt +++ b/etc/es_automata/requirements.txt @@ -1,359 +1,359 @@ -# This file may be used to create an environment using: -# $ conda create --name <env> --file <this file> -# platform: win-64 -_ipyw_jlab_nb_ext_conf=0.1.0=py38_0 -absl-py=1.0.0=pyhd8ed1ab_0 -alabaster=0.7.12=pyhd3eb1b0_0 -anaconda=2021.05=py38_0 -anaconda-client=1.7.2=py38_0 -anaconda-navigator=2.0.3=py38_0 -anaconda-project=0.9.1=pyhd3eb1b0_1 -anyio=2.2.0=py38haa95532_2 -appdirs=1.4.4=py_0 -argh=0.26.2=py38_0 -argon2-cffi=20.1.0=py38h2bbff1b_1 -asn1crypto=1.4.0=py_0 -astroid=2.5=py38haa95532_1 -astropy=4.2.1=py38h2bbff1b_1 -async_generator=1.10=pyhd3eb1b0_0 -atomicwrites=1.4.0=py_0 -attrs=20.3.0=pyhd3eb1b0_0 -autopep8=1.5.6=pyhd3eb1b0_0 -babel=2.9.0=pyhd3eb1b0_0 -backcall=0.2.0=pyhd3eb1b0_0 -backports=1.0=pyhd3eb1b0_2 -backports.functools_lru_cache=1.6.4=pyhd3eb1b0_0 -backports.shutil_get_terminal_size=1.0.0=pyhd3eb1b0_3 -backports.tempfile=1.0=pyhd3eb1b0_1 -backports.weakref=1.0.post1=py_1 -bcrypt=3.2.0=py38he774522_0 -beautifulsoup4=4.9.3=pyha847dfd_0 -bitarray=1.9.2=py38h2bbff1b_1 -bkcharts=0.2=py38_0 -black=19.10b0=py_0 -blas=1.0=mkl -bleach=3.3.0=pyhd3eb1b0_0 -blosc=1.21.0=h19a0ad4_0 -bokeh=2.3.2=py38haa95532_0 -boto=2.49.0=py38_0 -bottleneck=1.3.2=py38h2a96729_1 -brotli=1.0.9=ha925a31_2 -brotlipy=0.7.0=py38h2bbff1b_1003 -bzip2=1.0.8=he774522_0 -ca-certificates=2021.4.13=haa95532_1 -certifi=2020.12.5=py38haa95532_0 -cffi=1.14.5=py38hcd4344a_0 -chardet=4.0.0=py38haa95532_1003 -charls=2.2.0=h6c2663c_0 -click=7.1.2=pyhd3eb1b0_0 -cloudpickle=1.6.0=py_0 -clyent=1.2.2=py38_1 -colorama=0.4.4=pyhd3eb1b0_0 -comtypes=1.1.9=py38haa95532_1002 -conda=4.11.0=py38haa244fe_0 -conda-build=3.21.4=py38haa95532_0 -conda-content-trust=0.1.1=pyhd3eb1b0_0 -conda-env=2.6.0=1 -conda-package-handling=1.7.3=py38h8cc25b3_1 -conda-repo-cli=1.0.4=pyhd3eb1b0_0 -conda-token=0.3.0=pyhd3eb1b0_0 -conda-verify=3.4.2=py_1 -console_shortcut=0.1.1=4 -contextlib2=0.6.0.post1=py_0 -coverage=6.3.1=py38h294d835_0 -cryptography=3.4.7=py38h71e12ea_0 -cudatoolkit=10.2.89=h74a9793_1 -curl=7.71.1=h2a8f88b_1 -cycler=0.10.0=py38_0 -cython=0.29.23=py38hd77b12b_0 -cytoolz=0.11.0=py38he774522_0 -dask=2021.4.0=pyhd3eb1b0_0 -dask-core=2021.4.0=pyhd3eb1b0_0 -decorator=5.0.6=pyhd3eb1b0_0 -defusedxml=0.7.1=pyhd3eb1b0_0 -diff-match-patch=20200713=py_0 -distributed=2021.4.0=py38haa95532_0 -docutils=0.17=py38haa95532_1 -entrypoints=0.3=py38_0 -et_xmlfile=1.0.1=py_1001 -fastcache=1.1.0=py38he774522_0 -ffmpeg=1.4=pypi_0 -filelock=3.0.12=pyhd3eb1b0_1 -flake8=3.9.0=pyhd3eb1b0_0 -flask=1.1.2=pyhd3eb1b0_0 -freetype=2.10.4=hd328e21_0 -fsspec=0.9.0=pyhd3eb1b0_0 -future=0.18.2=py38_1 -get_terminal_size=1.0.0=h38e98db_0 -gevent=21.1.2=py38h2bbff1b_1 -giflib=5.2.1=h62dcd97_0 -glob2=0.7=pyhd3eb1b0_0 -greenlet=1.0.0=py38hd77b12b_2 -grpcio=1.35.0=py38hc60d5dd_1 -h5py=2.10.0=py38h5e291fa_0 -hdf5=1.10.4=h7ebc959_0 -heapdict=1.0.1=py_0 -html5lib=1.1=py_0 -icc_rt=2019.0.0=h0cc432a_1 -icu=58.2=ha925a31_3 -idna=2.10=pyhd3eb1b0_0 -imagecodecs=2021.3.31=py38h5da4933_0 -imageio=2.9.0=pyhd3eb1b0_0 -imagesize=1.2.0=pyhd3eb1b0_0 -importlib-metadata=3.10.0=py38haa95532_0 -importlib_metadata=3.10.0=hd3eb1b0_0 -iniconfig=1.1.1=pyhd3eb1b0_0 -intel-openmp=2021.2.0=haa95532_616 -intervaltree=3.1.0=py_0 -ipykernel=5.3.4=py38h5ca1d4c_0 -ipython=7.22.0=py38hd4e2768_0 -ipython_genutils=0.2.0=pyhd3eb1b0_1 -ipywidgets=7.6.3=pyhd3eb1b0_1 -isort=5.8.0=pyhd3eb1b0_0 -itsdangerous=1.1.0=pyhd3eb1b0_0 -jdcal=1.4.1=py_0 -jedi=0.17.2=py38haa95532_1 -jinja2=2.11.3=pyhd3eb1b0_0 -joblib=1.0.1=pyhd3eb1b0_0 -jpeg=9b=hb83a4c4_2 -json5=0.9.5=py_0 -jsonschema=3.2.0=py_2 -jupyter=1.0.0=py38_7 -jupyter-packaging=0.7.12=pyhd3eb1b0_0 -jupyter_client=6.1.12=pyhd3eb1b0_0 -jupyter_console=6.4.0=pyhd3eb1b0_0 -jupyter_core=4.7.1=py38haa95532_0 -jupyter_server=1.4.1=py38haa95532_0 -jupyterlab=3.0.14=pyhd3eb1b0_1 -jupyterlab_pygments=0.1.2=py_0 -jupyterlab_server=2.4.0=pyhd3eb1b0_0 -jupyterlab_widgets=1.0.0=pyhd3eb1b0_1 -keyring=22.3.0=py38haa95532_0 -kiwisolver=1.3.1=py38hd77b12b_0 -krb5=1.18.2=hc04afaa_0 -lazy-object-proxy=1.6.0=py38h2bbff1b_0 -lcms2=2.12=h83e58a3_0 -lerc=2.2.1=hd77b12b_0 -libaec=1.0.4=h33f27b4_1 -libarchive=3.4.2=h5e25573_0 -libcurl=7.71.1=h2a8f88b_1 -libdeflate=1.7=h2bbff1b_5 -libiconv=1.15=h1df5818_7 -liblief=0.10.1=ha925a31_0 -libpng=1.6.37=h2a8f88b_0 -libprotobuf=3.19.1=h23ce68f_0 -libsodium=1.0.18=h62dcd97_0 -libspatialindex=1.9.3=h6c2663c_0 -libssh2=1.9.0=h7a1dbc1_1 -libtiff=4.2.0=hd0e1b90_0 -libuv=1.40.0=he774522_0 -libxml2=2.9.10=hb89e7f3_3 -libxslt=1.1.34=he774522_0 -libzopfli=1.0.3=ha925a31_0 -llvmlite=0.36.0=py38h34b8924_4 -locket=0.2.1=py38haa95532_1 -lxml=4.6.3=py38h9b66d53_0 -lz4-c=1.9.3=h2bbff1b_0 -lzo=2.10=he774522_2 -m2w64-gcc-libgfortran=5.3.0=6 -m2w64-gcc-libs=5.3.0=7 -m2w64-gcc-libs-core=5.3.0=7 -m2w64-gmp=6.1.0=2 -m2w64-libwinpthread-git=5.0.0.4634.697f757=2 -markdown=3.3.4=py38haa95532_0 -markupsafe=1.1.1=py38he774522_0 -matplotlib=3.3.4=py38haa95532_0 -matplotlib-base=3.3.4=py38h49ac443_0 -mccabe=0.6.1=py38_1 -menuinst=1.4.16=py38he774522_1 -mistune=0.8.4=py38he774522_1000 -mkl=2021.2.0=haa95532_296 -mkl-service=2.3.0=py38h2bbff1b_1 -mkl_fft=1.3.0=py38h277e83a_2 -mkl_random=1.2.1=py38hf11a4ad_2 -mock=4.0.3=pyhd3eb1b0_0 -more-itertools=8.7.0=pyhd3eb1b0_0 -mpmath=1.2.1=py38haa95532_0 -msgpack-python=1.0.2=py38h59b6b97_1 -msys2-conda-epoch=20160418=1 -multipledispatch=0.6.0=py38_0 -mypy_extensions=0.4.3=py38_0 -navigator-updater=0.2.1=py38_0 -nbclassic=0.2.6=pyhd3eb1b0_0 -nbclient=0.5.3=pyhd3eb1b0_0 -nbconvert=6.0.7=py38_0 -nbformat=5.1.3=pyhd3eb1b0_0 -nest-asyncio=1.5.1=pyhd3eb1b0_0 -networkx=2.5=py_0 -nltk=3.6.1=pyhd3eb1b0_0 -nose=1.3.7=pyhd3eb1b0_1006 -notebook=6.3.0=py38haa95532_0 -numba=0.53.1=py38hf11a4ad_0 -numexpr=2.7.3=py38hb80d3ca_1 -numpy=1.20.1=py38h34a8a5c_0 -numpy-base=1.20.1=py38haf7ebc8_0 -numpydoc=1.1.0=pyhd3eb1b0_1 -olefile=0.46=py_0 -openjpeg=2.3.0=h5ec785f_1 -openpyxl=3.0.7=pyhd3eb1b0_0 -openssl=1.1.1k=h2bbff1b_0 -packaging=20.9=pyhd3eb1b0_0 -pandas=1.2.4=py38hd77b12b_0 -pandoc=2.12=haa95532_0 -pandocfilters=1.4.3=py38haa95532_1 -paramiko=2.7.2=py_0 -parso=0.7.0=py_0 -partd=1.2.0=pyhd3eb1b0_0 -path=15.1.2=py38haa95532_0 -path.py=12.5.0=0 -pathlib2=2.3.5=py38haa95532_2 -pathspec=0.7.0=py_0 -patsy=0.5.1=py38_0 -pep8=1.7.1=py38_0 -pexpect=4.8.0=pyhd3eb1b0_3 -pickleshare=0.7.5=pyhd3eb1b0_1003 -pillow=8.2.0=py38h4fa10fc_0 -pip=21.0.1=py38haa95532_0 -pkginfo=1.7.0=py38haa95532_0 -pluggy=0.13.1=py38haa95532_0 -ply=3.11=py38_0 -powershell_shortcut=0.0.1=3 -prometheus_client=0.10.1=pyhd3eb1b0_0 -prompt-toolkit=3.0.17=pyh06a4308_0 -prompt_toolkit=3.0.17=hd3eb1b0_0 -protobuf=3.19.1=py38hd77b12b_0 -psutil=5.8.0=py38h2bbff1b_1 -ptyprocess=0.7.0=pyhd3eb1b0_2 -py=1.10.0=pyhd3eb1b0_0 -py-lief=0.10.1=py38ha925a31_0 -pycodestyle=2.6.0=pyhd3eb1b0_0 -pycosat=0.6.3=py38h2bbff1b_0 -pycparser=2.20=py_2 -pycurl=7.43.0.6=py38h7a1dbc1_0 -pydocstyle=6.0.0=pyhd3eb1b0_0 -pyerfa=1.7.3=py38h2bbff1b_0 -pyflakes=2.2.0=pyhd3eb1b0_0 -pygments=2.8.1=pyhd3eb1b0_0 -pylint=2.7.4=py38haa95532_1 -pyls-black=0.4.6=hd3eb1b0_0 -pyls-spyder=0.3.2=pyhd3eb1b0_0 -pynacl=1.4.0=py38h62dcd97_1 -pyodbc=4.0.30=py38ha925a31_0 -pyopenssl=20.0.1=pyhd3eb1b0_1 -pyparsing=2.4.7=pyhd3eb1b0_0 -pyqt=5.9.2=py38ha925a31_4 -pyreadline=2.1=py38_1 -pyrsistent=0.17.3=py38he774522_0 -pysocks=1.7.1=py38haa95532_0 -pytables=3.6.1=py38ha5be198_0 -pytest=6.2.3=py38haa95532_2 -python=3.8.8=hdbf39b2_5 -python-dateutil=2.8.1=pyhd3eb1b0_0 -python-jsonrpc-server=0.4.0=py_0 -python-language-server=0.36.2=pyhd3eb1b0_0 -python-libarchive-c=2.9=pyhd3eb1b0_1 -python_abi=3.8=2_cp38 -pytorch=1.10.2=py3.8_cuda10.2_cudnn7_0 -pytorch-model-summary=0.1.1=py_0 -pytorch-mutex=1.0=cuda -pytz=2021.1=pyhd3eb1b0_0 -pywavelets=1.1.1=py38he774522_2 -pywin32=227=py38he774522_1 -pywin32-ctypes=0.2.0=py38_1000 -pywinpty=0.5.7=py38_0 -pyyaml=5.4.1=py38h2bbff1b_1 -pyzmq=20.0.0=py38hd77b12b_1 -qdarkstyle=2.8.1=py_0 -qt=5.9.7=vc14h73c81de_0 -qtawesome=1.0.2=pyhd3eb1b0_0 -qtconsole=5.0.3=pyhd3eb1b0_0 -qtpy=1.9.0=py_0 -regex=2021.4.4=py38h2bbff1b_0 -requests=2.25.1=pyhd3eb1b0_0 -rope=0.18.0=py_0 -rtree=0.9.7=py38h2eaa2aa_1 -ruamel_yaml=0.15.100=py38h2bbff1b_0 -scikit-image=0.18.1=py38hf11a4ad_0 -scikit-learn=0.24.1=py38hf11a4ad_0 -scipy=1.6.2=py38h66253e8_1 -seaborn=0.11.1=pyhd3eb1b0_0 -send2trash=1.5.0=pyhd3eb1b0_1 -setuptools=52.0.0=py38haa95532_0 -simplegeneric=0.8.1=py38_2 -singledispatch=3.6.1=pyhd3eb1b0_1001 -sip=4.19.13=py38ha925a31_0 -six=1.15.0=py38haa95532_0 -snappy=1.1.8=h33f27b4_0 -sniffio=1.2.0=py38haa95532_1 -snowballstemmer=2.1.0=pyhd3eb1b0_0 -sortedcollections=2.1.0=pyhd3eb1b0_0 -sortedcontainers=2.3.0=pyhd3eb1b0_0 -soupsieve=2.2.1=pyhd3eb1b0_0 -sphinx=4.0.1=pyhd3eb1b0_0 -sphinxcontrib=1.0=py38_1 -sphinxcontrib-applehelp=1.0.2=pyhd3eb1b0_0 -sphinxcontrib-devhelp=1.0.2=pyhd3eb1b0_0 -sphinxcontrib-htmlhelp=1.0.3=pyhd3eb1b0_0 -sphinxcontrib-jsmath=1.0.1=pyhd3eb1b0_0 -sphinxcontrib-qthelp=1.0.3=pyhd3eb1b0_0 -sphinxcontrib-serializinghtml=1.1.4=pyhd3eb1b0_0 -sphinxcontrib-websupport=1.2.4=py_0 -spyder=4.2.5=py38haa95532_0 -spyder-kernels=1.10.2=py38haa95532_0 -sqlalchemy=1.4.7=py38h2bbff1b_0 -sqlite=3.35.4=h2bbff1b_0 -statsmodels=0.12.2=py38h2bbff1b_0 -sympy=1.8=py38haa95532_0 -tbb=2020.3=h74a9793_0 -tblib=1.7.0=py_0 -tensorboard=1.15.0=py38_0 -terminado=0.9.4=py38haa95532_0 -testpath=0.4.4=pyhd3eb1b0_0 -textdistance=4.2.1=pyhd3eb1b0_0 -threadpoolctl=2.1.0=pyh5ca1d4c_0 -three-merge=0.1.1=pyhd3eb1b0_0 -tifffile=2021.4.8=pyhd3eb1b0_2 -tk=8.6.10=he774522_0 -toml=0.10.2=pyhd3eb1b0_0 -tomli=2.0.1=pyhd8ed1ab_0 -toolz=0.11.1=pyhd3eb1b0_0 -torchsummary=1.5.1=pypi_0 -torchvision=0.11.3=py38_cu102 -tornado=6.1=py38h2bbff1b_0 -tqdm=4.59.0=pyhd3eb1b0_1 -traitlets=5.0.5=pyhd3eb1b0_0 -typed-ast=1.4.2=py38h2bbff1b_1 -typing_extensions=3.7.4.3=pyha847dfd_0 -ujson=4.0.2=py38hd77b12b_0 -unicodecsv=0.14.1=py38_0 -urllib3=1.26.4=pyhd3eb1b0_0 -vc=14.2=h21ff451_1 -vs2015_runtime=14.27.29016=h5e58377_2 -watchdog=1.0.2=py38haa95532_1 -wcwidth=0.2.5=py_0 -webencodings=0.5.1=py38_1 -werkzeug=1.0.1=pyhd3eb1b0_0 -wheel=0.36.2=pyhd3eb1b0_0 -widgetsnbextension=3.5.1=py38_0 -win_inet_pton=1.1.0=py38haa95532_0 -win_unicode_console=0.5=py38_0 -wincertstore=0.2=py38_0 -winpty=0.4.3=4 -wrapt=1.12.1=py38he774522_1 -xlrd=2.0.1=pyhd3eb1b0_0 -xlsxwriter=1.3.8=pyhd3eb1b0_0 -xlwings=0.23.0=py38haa95532_0 -xlwt=1.3.0=py38_0 -xmltodict=0.12.0=py_0 -xz=5.2.5=h62dcd97_0 -yaml=0.2.5=he774522_0 -yapf=0.31.0=pyhd3eb1b0_0 -zeromq=4.3.3=ha925a31_3 -zfp=0.5.5=hd77b12b_6 -zict=2.0.0=pyhd3eb1b0_0 -zipp=3.4.1=pyhd3eb1b0_0 -zlib=1.2.11=h62dcd97_4 -zope=1.0=py38_1 -zope.event=4.5.0=py38_0 -zope.interface=5.3.0=py38h2bbff1b_0 -zstd=1.4.5=h04227a9_0 +# This file may be used to create an environment using: +# $ conda create --name <env> --file <this file> +# platform: win-64 +_ipyw_jlab_nb_ext_conf=0.1.0=py38_0 +absl-py=1.0.0=pyhd8ed1ab_0 +alabaster=0.7.12=pyhd3eb1b0_0 +anaconda=2021.05=py38_0 +anaconda-client=1.7.2=py38_0 +anaconda-navigator=2.0.3=py38_0 +anaconda-project=0.9.1=pyhd3eb1b0_1 +anyio=2.2.0=py38haa95532_2 +appdirs=1.4.4=py_0 +argh=0.26.2=py38_0 +argon2-cffi=20.1.0=py38h2bbff1b_1 +asn1crypto=1.4.0=py_0 +astroid=2.5=py38haa95532_1 +astropy=4.2.1=py38h2bbff1b_1 +async_generator=1.10=pyhd3eb1b0_0 +atomicwrites=1.4.0=py_0 +attrs=20.3.0=pyhd3eb1b0_0 +autopep8=1.5.6=pyhd3eb1b0_0 +babel=2.9.0=pyhd3eb1b0_0 +backcall=0.2.0=pyhd3eb1b0_0 +backports=1.0=pyhd3eb1b0_2 +backports.functools_lru_cache=1.6.4=pyhd3eb1b0_0 +backports.shutil_get_terminal_size=1.0.0=pyhd3eb1b0_3 +backports.tempfile=1.0=pyhd3eb1b0_1 +backports.weakref=1.0.post1=py_1 +bcrypt=3.2.0=py38he774522_0 +beautifulsoup4=4.9.3=pyha847dfd_0 +bitarray=1.9.2=py38h2bbff1b_1 +bkcharts=0.2=py38_0 +black=19.10b0=py_0 +blas=1.0=mkl +bleach=3.3.0=pyhd3eb1b0_0 +blosc=1.21.0=h19a0ad4_0 +bokeh=2.3.2=py38haa95532_0 +boto=2.49.0=py38_0 +bottleneck=1.3.2=py38h2a96729_1 +brotli=1.0.9=ha925a31_2 +brotlipy=0.7.0=py38h2bbff1b_1003 +bzip2=1.0.8=he774522_0 +ca-certificates=2021.4.13=haa95532_1 +certifi=2020.12.5=py38haa95532_0 +cffi=1.14.5=py38hcd4344a_0 +chardet=4.0.0=py38haa95532_1003 +charls=2.2.0=h6c2663c_0 +click=7.1.2=pyhd3eb1b0_0 +cloudpickle=1.6.0=py_0 +clyent=1.2.2=py38_1 +colorama=0.4.4=pyhd3eb1b0_0 +comtypes=1.1.9=py38haa95532_1002 +conda=4.11.0=py38haa244fe_0 +conda-build=3.21.4=py38haa95532_0 +conda-content-trust=0.1.1=pyhd3eb1b0_0 +conda-env=2.6.0=1 +conda-package-handling=1.7.3=py38h8cc25b3_1 +conda-repo-cli=1.0.4=pyhd3eb1b0_0 +conda-token=0.3.0=pyhd3eb1b0_0 +conda-verify=3.4.2=py_1 +console_shortcut=0.1.1=4 +contextlib2=0.6.0.post1=py_0 +coverage=6.3.1=py38h294d835_0 +cryptography=3.4.7=py38h71e12ea_0 +cudatoolkit=10.2.89=h74a9793_1 +curl=7.71.1=h2a8f88b_1 +cycler=0.10.0=py38_0 +cython=0.29.23=py38hd77b12b_0 +cytoolz=0.11.0=py38he774522_0 +dask=2021.4.0=pyhd3eb1b0_0 +dask-core=2021.4.0=pyhd3eb1b0_0 +decorator=5.0.6=pyhd3eb1b0_0 +defusedxml=0.7.1=pyhd3eb1b0_0 +diff-match-patch=20200713=py_0 +distributed=2021.4.0=py38haa95532_0 +docutils=0.17=py38haa95532_1 +entrypoints=0.3=py38_0 +et_xmlfile=1.0.1=py_1001 +fastcache=1.1.0=py38he774522_0 +ffmpeg=1.4=pypi_0 +filelock=3.0.12=pyhd3eb1b0_1 +flake8=3.9.0=pyhd3eb1b0_0 +flask=1.1.2=pyhd3eb1b0_0 +freetype=2.10.4=hd328e21_0 +fsspec=0.9.0=pyhd3eb1b0_0 +future=0.18.2=py38_1 +get_terminal_size=1.0.0=h38e98db_0 +gevent=21.1.2=py38h2bbff1b_1 +giflib=5.2.1=h62dcd97_0 +glob2=0.7=pyhd3eb1b0_0 +greenlet=1.0.0=py38hd77b12b_2 +grpcio=1.35.0=py38hc60d5dd_1 +h5py=2.10.0=py38h5e291fa_0 +hdf5=1.10.4=h7ebc959_0 +heapdict=1.0.1=py_0 +html5lib=1.1=py_0 +icc_rt=2019.0.0=h0cc432a_1 +icu=58.2=ha925a31_3 +idna=2.10=pyhd3eb1b0_0 +imagecodecs=2021.3.31=py38h5da4933_0 +imageio=2.9.0=pyhd3eb1b0_0 +imagesize=1.2.0=pyhd3eb1b0_0 +importlib-metadata=3.10.0=py38haa95532_0 +importlib_metadata=3.10.0=hd3eb1b0_0 +iniconfig=1.1.1=pyhd3eb1b0_0 +intel-openmp=2021.2.0=haa95532_616 +intervaltree=3.1.0=py_0 +ipykernel=5.3.4=py38h5ca1d4c_0 +ipython=7.22.0=py38hd4e2768_0 +ipython_genutils=0.2.0=pyhd3eb1b0_1 +ipywidgets=7.6.3=pyhd3eb1b0_1 +isort=5.8.0=pyhd3eb1b0_0 +itsdangerous=1.1.0=pyhd3eb1b0_0 +jdcal=1.4.1=py_0 +jedi=0.17.2=py38haa95532_1 +jinja2=2.11.3=pyhd3eb1b0_0 +joblib=1.0.1=pyhd3eb1b0_0 +jpeg=9b=hb83a4c4_2 +json5=0.9.5=py_0 +jsonschema=3.2.0=py_2 +jupyter=1.0.0=py38_7 +jupyter-packaging=0.7.12=pyhd3eb1b0_0 +jupyter_client=6.1.12=pyhd3eb1b0_0 +jupyter_console=6.4.0=pyhd3eb1b0_0 +jupyter_core=4.7.1=py38haa95532_0 +jupyter_server=1.4.1=py38haa95532_0 +jupyterlab=3.0.14=pyhd3eb1b0_1 +jupyterlab_pygments=0.1.2=py_0 +jupyterlab_server=2.4.0=pyhd3eb1b0_0 +jupyterlab_widgets=1.0.0=pyhd3eb1b0_1 +keyring=22.3.0=py38haa95532_0 +kiwisolver=1.3.1=py38hd77b12b_0 +krb5=1.18.2=hc04afaa_0 +lazy-object-proxy=1.6.0=py38h2bbff1b_0 +lcms2=2.12=h83e58a3_0 +lerc=2.2.1=hd77b12b_0 +libaec=1.0.4=h33f27b4_1 +libarchive=3.4.2=h5e25573_0 +libcurl=7.71.1=h2a8f88b_1 +libdeflate=1.7=h2bbff1b_5 +libiconv=1.15=h1df5818_7 +liblief=0.10.1=ha925a31_0 +libpng=1.6.37=h2a8f88b_0 +libprotobuf=3.19.1=h23ce68f_0 +libsodium=1.0.18=h62dcd97_0 +libspatialindex=1.9.3=h6c2663c_0 +libssh2=1.9.0=h7a1dbc1_1 +libtiff=4.2.0=hd0e1b90_0 +libuv=1.40.0=he774522_0 +libxml2=2.9.10=hb89e7f3_3 +libxslt=1.1.34=he774522_0 +libzopfli=1.0.3=ha925a31_0 +llvmlite=0.36.0=py38h34b8924_4 +locket=0.2.1=py38haa95532_1 +lxml=4.6.3=py38h9b66d53_0 +lz4-c=1.9.3=h2bbff1b_0 +lzo=2.10=he774522_2 +m2w64-gcc-libgfortran=5.3.0=6 +m2w64-gcc-libs=5.3.0=7 +m2w64-gcc-libs-core=5.3.0=7 +m2w64-gmp=6.1.0=2 +m2w64-libwinpthread-git=5.0.0.4634.697f757=2 +markdown=3.3.4=py38haa95532_0 +markupsafe=1.1.1=py38he774522_0 +matplotlib=3.3.4=py38haa95532_0 +matplotlib-base=3.3.4=py38h49ac443_0 +mccabe=0.6.1=py38_1 +menuinst=1.4.16=py38he774522_1 +mistune=0.8.4=py38he774522_1000 +mkl=2021.2.0=haa95532_296 +mkl-service=2.3.0=py38h2bbff1b_1 +mkl_fft=1.3.0=py38h277e83a_2 +mkl_random=1.2.1=py38hf11a4ad_2 +mock=4.0.3=pyhd3eb1b0_0 +more-itertools=8.7.0=pyhd3eb1b0_0 +mpmath=1.2.1=py38haa95532_0 +msgpack-python=1.0.2=py38h59b6b97_1 +msys2-conda-epoch=20160418=1 +multipledispatch=0.6.0=py38_0 +mypy_extensions=0.4.3=py38_0 +navigator-updater=0.2.1=py38_0 +nbclassic=0.2.6=pyhd3eb1b0_0 +nbclient=0.5.3=pyhd3eb1b0_0 +nbconvert=6.0.7=py38_0 +nbformat=5.1.3=pyhd3eb1b0_0 +nest-asyncio=1.5.1=pyhd3eb1b0_0 +networkx=2.5=py_0 +nltk=3.6.1=pyhd3eb1b0_0 +nose=1.3.7=pyhd3eb1b0_1006 +notebook=6.3.0=py38haa95532_0 +numba=0.53.1=py38hf11a4ad_0 +numexpr=2.7.3=py38hb80d3ca_1 +numpy=1.20.1=py38h34a8a5c_0 +numpy-base=1.20.1=py38haf7ebc8_0 +numpydoc=1.1.0=pyhd3eb1b0_1 +olefile=0.46=py_0 +openjpeg=2.3.0=h5ec785f_1 +openpyxl=3.0.7=pyhd3eb1b0_0 +openssl=1.1.1k=h2bbff1b_0 +packaging=20.9=pyhd3eb1b0_0 +pandas=1.2.4=py38hd77b12b_0 +pandoc=2.12=haa95532_0 +pandocfilters=1.4.3=py38haa95532_1 +paramiko=2.7.2=py_0 +parso=0.7.0=py_0 +partd=1.2.0=pyhd3eb1b0_0 +path=15.1.2=py38haa95532_0 +path.py=12.5.0=0 +pathlib2=2.3.5=py38haa95532_2 +pathspec=0.7.0=py_0 +patsy=0.5.1=py38_0 +pep8=1.7.1=py38_0 +pexpect=4.8.0=pyhd3eb1b0_3 +pickleshare=0.7.5=pyhd3eb1b0_1003 +pillow=8.2.0=py38h4fa10fc_0 +pip=21.0.1=py38haa95532_0 +pkginfo=1.7.0=py38haa95532_0 +pluggy=0.13.1=py38haa95532_0 +ply=3.11=py38_0 +powershell_shortcut=0.0.1=3 +prometheus_client=0.10.1=pyhd3eb1b0_0 +prompt-toolkit=3.0.17=pyh06a4308_0 +prompt_toolkit=3.0.17=hd3eb1b0_0 +protobuf=3.19.1=py38hd77b12b_0 +psutil=5.8.0=py38h2bbff1b_1 +ptyprocess=0.7.0=pyhd3eb1b0_2 +py=1.10.0=pyhd3eb1b0_0 +py-lief=0.10.1=py38ha925a31_0 +pycodestyle=2.6.0=pyhd3eb1b0_0 +pycosat=0.6.3=py38h2bbff1b_0 +pycparser=2.20=py_2 +pycurl=7.43.0.6=py38h7a1dbc1_0 +pydocstyle=6.0.0=pyhd3eb1b0_0 +pyerfa=1.7.3=py38h2bbff1b_0 +pyflakes=2.2.0=pyhd3eb1b0_0 +pygments=2.8.1=pyhd3eb1b0_0 +pylint=2.7.4=py38haa95532_1 +pyls-black=0.4.6=hd3eb1b0_0 +pyls-spyder=0.3.2=pyhd3eb1b0_0 +pynacl=1.4.0=py38h62dcd97_1 +pyodbc=4.0.30=py38ha925a31_0 +pyopenssl=20.0.1=pyhd3eb1b0_1 +pyparsing=2.4.7=pyhd3eb1b0_0 +pyqt=5.9.2=py38ha925a31_4 +pyreadline=2.1=py38_1 +pyrsistent=0.17.3=py38he774522_0 +pysocks=1.7.1=py38haa95532_0 +pytables=3.6.1=py38ha5be198_0 +pytest=6.2.3=py38haa95532_2 +python=3.8.8=hdbf39b2_5 +python-dateutil=2.8.1=pyhd3eb1b0_0 +python-jsonrpc-server=0.4.0=py_0 +python-language-server=0.36.2=pyhd3eb1b0_0 +python-libarchive-c=2.9=pyhd3eb1b0_1 +python_abi=3.8=2_cp38 +pytorch=1.10.2=py3.8_cuda10.2_cudnn7_0 +pytorch-model-summary=0.1.1=py_0 +pytorch-mutex=1.0=cuda +pytz=2021.1=pyhd3eb1b0_0 +pywavelets=1.1.1=py38he774522_2 +pywin32=227=py38he774522_1 +pywin32-ctypes=0.2.0=py38_1000 +pywinpty=0.5.7=py38_0 +pyyaml=5.4.1=py38h2bbff1b_1 +pyzmq=20.0.0=py38hd77b12b_1 +qdarkstyle=2.8.1=py_0 +qt=5.9.7=vc14h73c81de_0 +qtawesome=1.0.2=pyhd3eb1b0_0 +qtconsole=5.0.3=pyhd3eb1b0_0 +qtpy=1.9.0=py_0 +regex=2021.4.4=py38h2bbff1b_0 +requests=2.25.1=pyhd3eb1b0_0 +rope=0.18.0=py_0 +rtree=0.9.7=py38h2eaa2aa_1 +ruamel_yaml=0.15.100=py38h2bbff1b_0 +scikit-image=0.18.1=py38hf11a4ad_0 +scikit-learn=0.24.1=py38hf11a4ad_0 +scipy=1.6.2=py38h66253e8_1 +seaborn=0.11.1=pyhd3eb1b0_0 +send2trash=1.5.0=pyhd3eb1b0_1 +setuptools=52.0.0=py38haa95532_0 +simplegeneric=0.8.1=py38_2 +singledispatch=3.6.1=pyhd3eb1b0_1001 +sip=4.19.13=py38ha925a31_0 +six=1.15.0=py38haa95532_0 +snappy=1.1.8=h33f27b4_0 +sniffio=1.2.0=py38haa95532_1 +snowballstemmer=2.1.0=pyhd3eb1b0_0 +sortedcollections=2.1.0=pyhd3eb1b0_0 +sortedcontainers=2.3.0=pyhd3eb1b0_0 +soupsieve=2.2.1=pyhd3eb1b0_0 +sphinx=4.0.1=pyhd3eb1b0_0 +sphinxcontrib=1.0=py38_1 +sphinxcontrib-applehelp=1.0.2=pyhd3eb1b0_0 +sphinxcontrib-devhelp=1.0.2=pyhd3eb1b0_0 +sphinxcontrib-htmlhelp=1.0.3=pyhd3eb1b0_0 +sphinxcontrib-jsmath=1.0.1=pyhd3eb1b0_0 +sphinxcontrib-qthelp=1.0.3=pyhd3eb1b0_0 +sphinxcontrib-serializinghtml=1.1.4=pyhd3eb1b0_0 +sphinxcontrib-websupport=1.2.4=py_0 +spyder=4.2.5=py38haa95532_0 +spyder-kernels=1.10.2=py38haa95532_0 +sqlalchemy=1.4.7=py38h2bbff1b_0 +sqlite=3.35.4=h2bbff1b_0 +statsmodels=0.12.2=py38h2bbff1b_0 +sympy=1.8=py38haa95532_0 +tbb=2020.3=h74a9793_0 +tblib=1.7.0=py_0 +tensorboard=1.15.0=py38_0 +terminado=0.9.4=py38haa95532_0 +testpath=0.4.4=pyhd3eb1b0_0 +textdistance=4.2.1=pyhd3eb1b0_0 +threadpoolctl=2.1.0=pyh5ca1d4c_0 +three-merge=0.1.1=pyhd3eb1b0_0 +tifffile=2021.4.8=pyhd3eb1b0_2 +tk=8.6.10=he774522_0 +toml=0.10.2=pyhd3eb1b0_0 +tomli=2.0.1=pyhd8ed1ab_0 +toolz=0.11.1=pyhd3eb1b0_0 +torchsummary=1.5.1=pypi_0 +torchvision=0.11.3=py38_cu102 +tornado=6.1=py38h2bbff1b_0 +tqdm=4.59.0=pyhd3eb1b0_1 +traitlets=5.0.5=pyhd3eb1b0_0 +typed-ast=1.4.2=py38h2bbff1b_1 +typing_extensions=3.7.4.3=pyha847dfd_0 +ujson=4.0.2=py38hd77b12b_0 +unicodecsv=0.14.1=py38_0 +urllib3=1.26.4=pyhd3eb1b0_0 +vc=14.2=h21ff451_1 +vs2015_runtime=14.27.29016=h5e58377_2 +watchdog=1.0.2=py38haa95532_1 +wcwidth=0.2.5=py_0 +webencodings=0.5.1=py38_1 +werkzeug=1.0.1=pyhd3eb1b0_0 +wheel=0.36.2=pyhd3eb1b0_0 +widgetsnbextension=3.5.1=py38_0 +win_inet_pton=1.1.0=py38haa95532_0 +win_unicode_console=0.5=py38_0 +wincertstore=0.2=py38_0 +winpty=0.4.3=4 +wrapt=1.12.1=py38he774522_1 +xlrd=2.0.1=pyhd3eb1b0_0 +xlsxwriter=1.3.8=pyhd3eb1b0_0 +xlwings=0.23.0=py38haa95532_0 +xlwt=1.3.0=py38_0 +xmltodict=0.12.0=py_0 +xz=5.2.5=h62dcd97_0 +yaml=0.2.5=he774522_0 +yapf=0.31.0=pyhd3eb1b0_0 +zeromq=4.3.3=ha925a31_3 +zfp=0.5.5=hd77b12b_6 +zict=2.0.0=pyhd3eb1b0_0 +zipp=3.4.1=pyhd3eb1b0_0 +zlib=1.2.11=h62dcd97_4 +zope=1.0=py38_1 +zope.event=4.5.0=py38_0 +zope.interface=5.3.0=py38h2bbff1b_0 +zstd=1.4.5=h04227a9_0 diff --git a/es_automata/train.py b/etc/es_automata/train.py similarity index 100% rename from es_automata/train.py rename to etc/es_automata/train.py diff --git a/es_automata/utils/__init__.py b/etc/es_automata/utils/__init__.py similarity index 100% rename from es_automata/utils/__init__.py rename to etc/es_automata/utils/__init__.py diff --git a/es_automata/utils/hyperparams.py b/etc/es_automata/utils/hyperparams.py similarity index 100% rename from es_automata/utils/hyperparams.py rename to etc/es_automata/utils/hyperparams.py diff --git a/es_automata/utils/imageutils.py b/etc/es_automata/utils/imageutils.py similarity index 100% rename from es_automata/utils/imageutils.py rename to etc/es_automata/utils/imageutils.py diff --git a/es_automata/utils/video.py b/etc/es_automata/utils/video.py similarity index 100% rename from es_automata/utils/video.py rename to etc/es_automata/utils/video.py