From 88649b7ca311f952bcfeff203bedd84a81830725 Mon Sep 17 00:00:00 2001 From: Dean Hazineh Date: Sat, 27 Jan 2024 12:41:08 -0500 Subject: [PATCH] Update load module for absolute pathing and relative pathing --- .../config.yaml | 4 +- .../Nanofins_TiO2_U350H600_Medium/config.yaml | 3 +- dflat/metasurface/load_utils.py | 49 +- scripts/trainer.ipynb | 40710 +++++++++++++++- 4 files changed, 40702 insertions(+), 64 deletions(-) diff --git a/dflat/metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/config.yaml b/dflat/metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/config.yaml index 34fffea..11f4c4b 100644 --- a/dflat/metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/config.yaml +++ b/dflat/metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/config.yaml @@ -1,6 +1,7 @@ model: target: dflat.metasurface.optical_model.NeuralCells ckpt_path: metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/model.ckpt + relative_ckpt: True params: trainable_model: False param_bounds: @@ -24,12 +25,13 @@ trainer: target: dflat.metasurface.trainer.Trainer_v1 data: dflat.metasurface.datasets.Nanocylinders_TiO2_U180nm_H600nm ckpt_path: metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/model.ckpt + relative_ckpt: True params: test_split: 0.10 learning_rate: .001 epochs: 6000 batch_size: 65536 - checkpoint_every_n: 50 + checkpoint_every_n: 100 update_figure_every_epoch: True gradient_accumulation_steps: 1 cosine_anneal_warm_restart: False diff --git a/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml b/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml index 8f320fd..c2a3f99 100644 --- a/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml +++ b/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml @@ -25,10 +25,11 @@ trainer: target: dflat.metasurface.trainer.Trainer_v1 data: dflat.metasurface.datasets.Nanofins_TiO2_U350nm_H600nm ckpt_path: metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/model.ckpt + relative_ckpt: True params: test_split: 0.10 learning_rate: .001 - epochs: 2000 + epochs: 5000 batch_size: 65536 checkpoint_every_n: 50 update_figure_every_epoch: True diff --git a/dflat/metasurface/load_utils.py b/dflat/metasurface/load_utils.py index 41e4c9e..859ee78 100644 --- a/dflat/metasurface/load_utils.py +++ b/dflat/metasurface/load_utils.py @@ -13,8 +13,7 @@ def load_optical_model(config_path): Returns: nn.Module: Model with pretrained weights loaded if ckpt_path is specified in the config file. """ - config_path = pkg_resources.resource_filename("dflat", config_path) - config = OmegaConf.load(config_path) + config = load_config_from_path(config_path) ckpt_path = config.model["ckpt_path"] optical_model = instantiate_from_config(config.model, ckpt_path, strict=True) return optical_model @@ -29,14 +28,17 @@ def load_trainer(config_path): Returns: object: Trainer """ - config_path = pkg_resources.resource_filename("dflat", config_path) - print(f"Loading trainer from config path: {config_path}") - - config = OmegaConf.load(config_path) + config = load_config_from_path(config_path) config_model = config.model - config_trainer = config.trainer - ckpt_path = pkg_resources.resource_filename("dflat", config_trainer["ckpt_path"]) + + rel_ckpt = config_trainer["relative_ckpt"] + ckpt_path = config_trainer["ckpt_path"] + ckpt_path = ( + ckpt_path + if not rel_ckpt + else pkg_resources.resource_filename("dflat", ckpt_path) + ) dataset = get_obj_from_str(config_trainer["data"])() trainer = get_obj_from_str(config_trainer["target"])( @@ -48,20 +50,41 @@ def load_trainer(config_path): return trainer +def load_config_from_path(config_path): + try: + use_path = pkg_resources.resource_filename("dflat", config_path) + config = OmegaConf.load(use_path) + except Exception as e1: + try: + use_path = config_path + config = OmegaConf.load(use_path) + except Exception as e2: + print(f"Failed absolute path identification. Errors \n {e1} \n {e2}.") + + return config + + def instantiate_from_config(config_model, ckpt_path=None, strict=False): assert "target" in config_model, "Expected key `target` to instantiate." target_str = config_model["target"] print(f"Target Module: {target_str}") loaded_module = get_obj_from_str(target_str)(**config_model.get("params", dict())) - # Get model checkpoint if ckpt_path is not None and ckpt_path != "None": - ckpt_path = pkg_resources.resource_filename("dflat", ckpt_path) + ## Try and Except to handle relative pathing vs absolute pathing + try: + use_path = pkg_resources.resource_filename("dflat", ckpt_path) + sd = torch.load(use_path, map_location="cpu")["state_dict"] + except Exception as e1: + try: + use_path = ckpt_path + sd = torch.load(use_path, map_location="cpu")["state_dict"] + except Exception as e2: + print(f"Failed absolute path identification. Errors \n {e1} \n {e2}.") + print( - f"Target: {config_model['target']} Loading from checkpoint {ckpt_path} as strict={strict}" + f"Target: {config_model['target']} Loading from checkpoint {use_path} as strict={strict}" ) - sd = torch.load(ckpt_path, map_location="cpu")["state_dict"] - missing, unexpected = loaded_module.load_state_dict(sd, strict=strict) print( f"Restored {target_str} with {len(missing)} missing and {len(unexpected)} unexpected keys" diff --git a/scripts/trainer.ipynb b/scripts/trainer.ipynb index c0462f9..45310d0 100644 --- a/scripts/trainer.ipynb +++ b/scripts/trainer.ipynb @@ -2,7 +2,7 @@ "cells": [ { "cell_type": "code", - "execution_count": 4, + "execution_count": 1, "metadata": {}, "outputs": [], "source": [ @@ -29,7 +29,6 @@ "name": "stdout", "output_type": "stream", "text": [ - "Loading trainer from config path: /home/deanhazineh/Research/Dflat-pytorch-private_version2/dflat/metasurface/ckpt/Nanocylinders_TiO2_U180H600_Medium/config.yaml\n", "Target Module: dflat.metasurface.optical_model.NeuralCells\n", "Target Module: dflat.metasurface.nn_siren.SirenNet\n", "Loaded checkpoint from epoch 6250\n" @@ -44,7 +43,7 @@ }, { "cell_type": "code", - "execution_count": 7, + "execution_count": 3, "metadata": {}, "outputs": [ { @@ -98,7 +97,7 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": 4, "metadata": {}, "outputs": [ { @@ -106,60 +105,40673 @@ "output_type": "stream", "text": [ "Loading trainer from config path: /home/deanhazineh/Research/Dflat-pytorch-private_version2/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml\n", - "(1058841, 3) (1058841, 6)\n", - "0.0 1.0000000000000002 2.422173572824704e-12 1.010102207711479\n", "Target Module: dflat.metasurface.optical_model.NeuralCells\n", "Target Module: dflat.metasurface.nn_siren.SirenNet\n", "Loaded checkpoint from epoch 2100\n" ] - } - ], - "source": [ - "config_path = \"metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml\"\n", - "trainer = load_trainer(config_path)\n", - "trainer.train()" - ] - }, - { - "cell_type": "code", - "execution_count": 15, - "metadata": {}, - "outputs": [ + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2100: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.0012, lr=0.001] \n" + ] + }, { "name": "stdout", "output_type": "stream", "text": [ - "Target Module: dflat.metasurface.optical_model.NeuralCells\n", - "Target Module: dflat.metasurface.nn_siren.SirenNet\n", - "Target: dflat.metasurface.optical_model.NeuralCells Loading from checkpoint /home/deanhazineh/Research/Dflat-pytorch-private_version2/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/model.ckpt as strict=True\n", - "Restored dflat.metasurface.optical_model.NeuralCells with 0 missing and 0 unexpected keys\n", - "(1, 1, 10000, 2)\n", - "(2, 31, 100, 100) (2, 31, 100, 100)\n" + "loss 0.0011665073223412036 lr 0.001 test_loss: 0.001184170600026846\n" ] - } - ], - "source": [ - "model = load_optical_model(config_path)\n", - "model.to('cuda')\n", - "\n", - "lam = np.linspace(0, 1, 31)\n", - "lx = np.linspace(0, 1, 100)\n", - "lx, ly = np.meshgrid(lx, lx)\n", - "p = np.stack([lx.flatten(), ly.flatten()]).T\n", - "p = p[None, None]\n", - "print(p.shape)\n", - "\n", - "amp, phase = model(p, lam, pre_normalized=True)\n", - "\n", - "amp = amp.squeeze()\n", - "phase = phase.squeeze()\n", - "amp = amp.view(2, len(lam), len(lx), len(lx)).cpu().numpy()\n", - "phase = phase.view(2, len(lam), len(lx), len(lx)).cpu().numpy()\n", - "\n", - "fig, ax = plt.subplots(2, 2)\n", - "for i in range(2):\n", - " ax[i, 0].imshow(amp[0, len(lam)//2, :, :])\n", - " ax[i, 1].imshow(phase[16, :, :, i])\n", + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2101: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00119, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011638748769958814 lr 0.001 test_loss: 0.0011830231524072587\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2102: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001159333654989799 lr 0.001 test_loss: 0.0011856246273964643\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2103: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011612367195387681 lr 0.001 test_loss: 0.0011863761465065181\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2104: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011611942667514087 lr 0.001 test_loss: 0.0011867176508530974\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2105: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011599135429908832 lr 0.001 test_loss: 0.0011853331234306097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2106: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00123, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001159139140509069 lr 0.001 test_loss: 0.0011844929540529847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2107: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011595261050388217 lr 0.001 test_loss: 0.0011919494136236608\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2108: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011599574781333407 lr 0.001 test_loss: 0.0011951163178309798\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2109: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001159433329788347 lr 0.001 test_loss: 0.0011873123585246503\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2110: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00119, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011582445508490006 lr 0.001 test_loss: 0.0011838580248877406\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2111: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011561855673789978 lr 0.001 test_loss: 0.0011854226468130946\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2112: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011571421676004926 lr 0.001 test_loss: 0.0011902395635843277\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2113: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001155356348802646 lr 0.001 test_loss: 0.0011846452835015953\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2114: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001155795242326955 lr 0.001 test_loss: 0.0011865772539749742\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2115: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001155874722947677 lr 0.001 test_loss: 0.0011900336248800159\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2116: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011561221443116664 lr 0.001 test_loss: 0.0011825533583760262\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2117: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011562755797058343 lr 0.001 test_loss: 0.0011839178041554987\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2118: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.0012, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011528526122371356 lr 0.001 test_loss: 0.0011806965339928865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2119: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001150410738773644 lr 0.001 test_loss: 0.001180541526991874\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2120: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011473985156044363 lr 0.001 test_loss: 0.0011785677634179592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2121: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011495565374692281 lr 0.001 test_loss: 0.0011801249929703772\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2122: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011513693413386743 lr 0.001 test_loss: 0.0011821172665804625\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2123: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011542936166127522 lr 0.001 test_loss: 0.001184978405945003\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2124: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001153675226184229 lr 0.001 test_loss: 0.0011867155553773046\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2125: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011536011782785256 lr 0.001 test_loss: 0.0011797703336924314\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2126: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011484247942765554 lr 0.001 test_loss: 0.0011782461078837514\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2127: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011482985612625877 lr 0.001 test_loss: 0.0011789393611252308\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2128: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011457688796023527 lr 0.001 test_loss: 0.0011811306467279792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2129: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011512739273409048 lr 0.001 test_loss: 0.001184858090709895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2130: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011490535379076996 lr 0.001 test_loss: 0.0011863321997225285\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2131: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011491522813836734 lr 0.001 test_loss: 0.001180192339234054\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2132: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011479318918039402 lr 0.001 test_loss: 0.0011807125993072987\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2133: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011491273064166308 lr 0.001 test_loss: 0.0011823342647403479\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2134: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011483451429133613 lr 0.001 test_loss: 0.001188760797958821\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2135: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011477127593631546 lr 0.001 test_loss: 0.0011787043185904622\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2136: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011461254209280014 lr 0.001 test_loss: 0.0011832885211333632\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2137: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011465720909958085 lr 0.001 test_loss: 0.001183563086669892\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2138: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011486118814597527 lr 0.001 test_loss: 0.001181692408863455\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2139: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001145706403379639 lr 0.001 test_loss: 0.0011814645840786397\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2140: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011440403449038663 lr 0.001 test_loss: 0.0011745385127142072\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2141: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011449940192202726 lr 0.001 test_loss: 0.0011812782031483948\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2142: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011455019547914466 lr 0.001 test_loss: 0.0011771206627599895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2143: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011449544224888086 lr 0.001 test_loss: 0.0011778897605836391\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2144: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.0012, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011482253127420943 lr 0.001 test_loss: 0.0011823090026155114\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2145: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011439419429128369 lr 0.001 test_loss: 0.0011762140784412622\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2146: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011437461168194811 lr 0.001 test_loss: 0.001173627795651555\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2147: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001143098125855128 lr 0.001 test_loss: 0.0011804014793597162\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2148: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011439156873772542 lr 0.001 test_loss: 0.0011800597421824932\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2149: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001144786939645807 lr 0.001 test_loss: 0.0011790425051003695\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2150: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011399386373038094 lr 0.001 test_loss: 0.001176576130092144\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2151: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011397217555592458 lr 0.001 test_loss: 0.0011748058022931218\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2152: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011429457226768136 lr 0.001 test_loss: 0.0011789327254518867\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2153: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011419417569413781 lr 0.001 test_loss: 0.0011720159091055393\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2154: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011394316873823602 lr 0.001 test_loss: 0.0011751395068131387\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2155: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011379618430510164 lr 0.001 test_loss: 0.0011707732337526977\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2156: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001139640660646061 lr 0.001 test_loss: 0.0011733477585949004\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2157: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011381127483521898 lr 0.001 test_loss: 0.0011768770054914057\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2158: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001144372190659245 lr 0.001 test_loss: 0.0011782182846218348\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2159: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011416147385413448 lr 0.001 test_loss: 0.00117611134191975\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2160: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011413073943307003 lr 0.001 test_loss: 0.0011769842822104692\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2161: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011359822005033494 lr 0.001 test_loss: 0.0011736148153431714\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2162: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011382599671681721 lr 0.001 test_loss: 0.0011734265717677772\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2163: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00119, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011390863840157787 lr 0.001 test_loss: 0.0011717801098711789\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2164: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011357920477166772 lr 0.001 test_loss: 0.0011725949007086456\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2165: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011397982171426216 lr 0.001 test_loss: 0.001172992866486311\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2166: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001136849820613861 lr 0.001 test_loss: 0.0011701930197887123\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2167: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011351520117993156 lr 0.001 test_loss: 0.0011796743492595851\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2168: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011396589456126095 lr 0.001 test_loss: 0.001174752542283386\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2169: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011346074131627878 lr 0.001 test_loss: 0.0011692977277562022\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2170: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011336425552144647 lr 0.001 test_loss: 0.0011688549420796335\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2171: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011385693680495024 lr 0.001 test_loss: 0.0011761136702261865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2172: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001136656547896564 lr 0.001 test_loss: 0.0011729482212103903\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2173: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011377730562041203 lr 0.001 test_loss: 0.0011726650409400463\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2174: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011332181748002768 lr 0.001 test_loss: 0.0011706611257977784\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2175: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011300857334087292 lr 0.001 test_loss: 0.0011651454260572791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2176: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011311090861757596 lr 0.001 test_loss: 0.001169852796010673\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2177: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011367803517108163 lr 0.001 test_loss: 0.0011724005453288555\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2178: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011358104413375259 lr 0.001 test_loss: 0.0011712702107615769\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2179: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001135569050287207 lr 0.001 test_loss: 0.0011730819242075086\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2180: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001134717899064223 lr 0.001 test_loss: 0.0011647387873381376\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2181: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011324466361353795 lr 0.001 test_loss: 0.0011673683766275644\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2182: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011317313260709246 lr 0.001 test_loss: 0.0011690713581629097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2183: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011320372267315784 lr 0.001 test_loss: 0.0011765211820602417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2184: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011353340232744813 lr 0.001 test_loss: 0.0011694708373397589\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2185: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011323573766276241 lr 0.001 test_loss: 0.0011676452704705298\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2186: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011304048433278997 lr 0.001 test_loss: 0.0011634805123321712\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2187: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001127849208811919 lr 0.001 test_loss: 0.0011678871233016253\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2188: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00113001874803255 lr 0.001 test_loss: 0.0011696331202983856\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2189: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011303445557132364 lr 0.001 test_loss: 0.0011639834847301245\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2190: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001129217065560321 lr 0.001 test_loss: 0.0011657237773761153\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2191: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011287104648848374 lr 0.001 test_loss: 0.0011666430509649217\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2192: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011271759867668152 lr 0.001 test_loss: 0.0011628566426225007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2193: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011279070905099312 lr 0.001 test_loss: 0.001165610970929265\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2194: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011290299706161022 lr 0.001 test_loss: 0.0011629644432105124\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2195: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011278166358048717 lr 0.001 test_loss: 0.001169233350083232\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2196: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011319443971539538 lr 0.001 test_loss: 0.001169899944216013\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2197: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011269999745612343 lr 0.001 test_loss: 0.0011672464315779507\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2198: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011257344701637825 lr 0.001 test_loss: 0.001162067404948175\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2199: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011243225152914723 lr 0.001 test_loss: 0.0011636814451776445\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2200: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00118, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011259070442368587 lr 0.001 test_loss: 0.0011649701045826077\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2201: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011242933804169297 lr 0.001 test_loss: 0.0011675743153318763\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2202: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00112754440245529 lr 0.001 test_loss: 0.0011655498528853059\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2203: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011259575296814243 lr 0.001 test_loss: 0.0011677269940264523\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2204: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011269248944396773 lr 0.001 test_loss: 0.0011639432632364333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2205: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011249473163237175 lr 0.001 test_loss: 0.001166924659628421\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2206: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00113007965652893 lr 0.001 test_loss: 0.0011641074670478702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2207: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011254524967322748 lr 0.001 test_loss: 0.0011582181323319674\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2208: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011249031638726592 lr 0.001 test_loss: 0.0011603835737332702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2209: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001122845197096467 lr 0.001 test_loss: 0.0011564225424081087\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2210: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011197204391161601 lr 0.001 test_loss: 0.0011556446552276611\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2211: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011220465724666913 lr 0.001 test_loss: 0.0011635529808700085\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2212: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011261159709344307 lr 0.001 test_loss: 0.001161242718808353\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2213: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011210996036728224 lr 0.001 test_loss: 0.001162684813607484\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2214: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011232993875940642 lr 0.001 test_loss: 0.0011583896121010184\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2215: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011229546585430701 lr 0.001 test_loss: 0.001163474633358419\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2216: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011210209301983317 lr 0.001 test_loss: 0.0011551178758963943\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2217: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011206776757414143 lr 0.001 test_loss: 0.001162113854661584\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2218: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011185621609911323 lr 0.001 test_loss: 0.0011587534681893885\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2219: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001118762829961876 lr 0.001 test_loss: 0.0011558480910025537\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2220: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011186117228741447 lr 0.001 test_loss: 0.0011613434762693942\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2221: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011248747274900477 lr 0.001 test_loss: 0.0011581008438952267\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2222: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011180739927416047 lr 0.001 test_loss: 0.0011566468165256083\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2223: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011194263507301608 lr 0.001 test_loss: 0.0011633040849119425\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2224: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011191641989474496 lr 0.001 test_loss: 0.0011574471136555076\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2225: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011194622764984766 lr 0.001 test_loss: 0.0011536587262526155\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2226: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011210324087490638 lr 0.001 test_loss: 0.001155040750745684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2227: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011180692352354526 lr 0.001 test_loss: 0.0011576551478356123\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2228: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011183159969126186 lr 0.001 test_loss: 0.0011521512060426176\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2229: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011150301666930317 lr 0.001 test_loss: 0.00115165178431198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2230: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011166414013132453 lr 0.001 test_loss: 0.0011538104736246169\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2231: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011193577122564117 lr 0.001 test_loss: 0.0011550482013262808\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2232: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001116209935086469 lr 0.001 test_loss: 0.0011556812096387148\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2233: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001118444395251572 lr 0.001 test_loss: 0.0011563654989004135\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2234: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011162871417279045 lr 0.001 test_loss: 0.0011562241706997156\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2235: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011166901870941122 lr 0.001 test_loss: 0.0011538181570358574\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2236: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011155151684458058 lr 0.001 test_loss: 0.0011530906194821\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2237: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011129492428153752 lr 0.001 test_loss: 0.0011494362843222916\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2238: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011128521213928859 lr 0.001 test_loss: 0.0011489400058053434\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2239: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011164706277971466 lr 0.001 test_loss: 0.001155280158855021\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2240: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011133307203029593 lr 0.001 test_loss: 0.0011507928720675409\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2241: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011146462367226681 lr 0.001 test_loss: 0.0011497065424919128\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2242: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011135301319882274 lr 0.001 test_loss: 0.0011538706021383405\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2243: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011148752411827445 lr 0.001 test_loss: 0.001147259259596467\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2244: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011107015889137983 lr 0.001 test_loss: 0.0011484972201287746\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2245: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011154167586937547 lr 0.001 test_loss: 0.0011575178359635174\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2246: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011158670531585813 lr 0.001 test_loss: 0.001149181742221117\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2247: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011131846190740665 lr 0.001 test_loss: 0.0011505174916237593\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2248: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011137433117255568 lr 0.001 test_loss: 0.0011514570214785635\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2249: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001111439879362782 lr 0.001 test_loss: 0.0011479883105494082\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2250: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001112286513671279 lr 0.001 test_loss: 0.0011500933323986828\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2251: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001109487509044508 lr 0.001 test_loss: 0.0011484314454719424\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2252: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011108787109454473 lr 0.001 test_loss: 0.0011503839632496238\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2253: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011105654450754324 lr 0.001 test_loss: 0.0011483273119665682\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2254: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011074408267935118 lr 0.001 test_loss: 0.0011553633958101273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2255: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001112511334940791 lr 0.001 test_loss: 0.001147260016296059\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2256: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011111420346423984 lr 0.001 test_loss: 0.0011506843729875982\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2257: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001111066706168155 lr 0.001 test_loss: 0.001149521383922547\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2258: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001108344690874219 lr 0.001 test_loss: 0.0011477403459139168\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2259: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011077885826428731 lr 0.001 test_loss: 0.0011469894088804722\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2260: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011065305986752113 lr 0.001 test_loss: 0.001146192371379584\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2261: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011057018069550394 lr 0.001 test_loss: 0.0011476791696622968\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2262: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011064493174975118 lr 0.001 test_loss: 0.0011468598386272788\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2263: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011107217520475387 lr 0.001 test_loss: 0.0011508180759847164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2264: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011081971616173783 lr 0.001 test_loss: 0.0011434739571996033\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2265: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001105734178175529 lr 0.001 test_loss: 0.0011421513627283275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2266: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011066838478048643 lr 0.001 test_loss: 0.0011486324947327375\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2267: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011104103255396088 lr 0.001 test_loss: 0.0011524319415912032\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2268: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011091936845332383 lr 0.001 test_loss: 0.001149893389083445\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2269: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011071443402518829 lr 0.001 test_loss: 0.0011439216905273497\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2270: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001103586672494809 lr 0.001 test_loss: 0.0011439170339144766\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2271: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00115, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001108139706775546 lr 0.001 test_loss: 0.0011460070963948965\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2272: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011056690399224558 lr 0.001 test_loss: 0.0011452400940470397\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2273: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011050315496201316 lr 0.001 test_loss: 0.0011481654364615679\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2274: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011055952015643319 lr 0.001 test_loss: 0.0011413489119149745\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2275: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011032744543626905 lr 0.001 test_loss: 0.0011413264437578619\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2276: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011045281309634448 lr 0.001 test_loss: 0.0011479078675620258\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2277: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011029397913565238 lr 0.001 test_loss: 0.0011470192112028599\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2278: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00117, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011053982423618435 lr 0.001 test_loss: 0.0011419540969654918\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2279: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011029448204984268 lr 0.001 test_loss: 0.0011406263220123947\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2280: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011008617701008915 lr 0.001 test_loss: 0.0011472587357275188\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2281: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011012845827887455 lr 0.001 test_loss: 0.0011371982982382178\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2282: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011014500943322977 lr 0.001 test_loss: 0.0011421616654843092\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2283: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011047953894982735 lr 0.001 test_loss: 0.00114738498814404\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2284: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011007553276916346 lr 0.001 test_loss: 0.0011429647565819323\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2285: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010989003038654724 lr 0.001 test_loss: 0.0011398581555113196\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2286: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010989860476305088 lr 0.001 test_loss: 0.0011355395545251667\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2287: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011000178288668393 lr 0.001 test_loss: 0.0011449799640104175\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2288: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011009592640524109 lr 0.001 test_loss: 0.0011398638016544282\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2289: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00128, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001157181174494326 lr 0.001 test_loss: 0.0012444232706911862\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2290: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011497626546770334 lr 0.001 test_loss: 0.0011584709282033145\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2291: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0011072788620367646 lr 0.001 test_loss: 0.0011374028981663287\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2292: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001095926109701395 lr 0.001 test_loss: 0.0011315849842503667\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2293: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001094950526021421 lr 0.001 test_loss: 0.0011345461825840175\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2294: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010953711656232674 lr 0.001 test_loss: 0.0011354449088685215\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2295: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010936228247980277 lr 0.001 test_loss: 0.0011341426288709044\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2296: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010949382325634361 lr 0.001 test_loss: 0.0011321529163978994\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2297: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00109410275084277 lr 0.001 test_loss: 0.0011353404261171818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2298: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010951643887286385 lr 0.001 test_loss: 0.0011318790493533015\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2299: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010924407901863257 lr 0.001 test_loss: 0.0011315898736938834\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2300: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010927248590936263 lr 0.001 test_loss: 0.0011337424512021244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2301: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010905657118807236 lr 0.001 test_loss: 0.0011309485998935997\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2302: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010900709622850022 lr 0.001 test_loss: 0.0011347746476531029\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2303: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010927134038259585 lr 0.001 test_loss: 0.0011331549612805247\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2304: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010937716268623868 lr 0.001 test_loss: 0.001135326223447919\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2305: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010915639422213038 lr 0.001 test_loss: 0.0011322733480483294\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2306: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010929413295040528 lr 0.001 test_loss: 0.001134259975515306\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2307: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00109329333063215 lr 0.001 test_loss: 0.0011344202212058008\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2308: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010928475375597676 lr 0.001 test_loss: 0.001132940815296024\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2309: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001092620853645106 lr 0.001 test_loss: 0.001133026962634176\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2310: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010923412007590135 lr 0.001 test_loss: 0.0011318353353999555\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2311: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010927908743421236 lr 0.001 test_loss: 0.0011355583555996418\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2312: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001092643189864854 lr 0.001 test_loss: 0.001133607525844127\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2313: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001091654986763994 lr 0.001 test_loss: 0.001131368218921125\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2314: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010911739276101191 lr 0.001 test_loss: 0.0011300732148811221\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2315: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010909018261979024 lr 0.001 test_loss: 0.001132001110818237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2316: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010903079140310485 lr 0.001 test_loss: 0.001130739925429225\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2317: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010912321119879683 lr 0.001 test_loss: 0.0011305183870717883\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2318: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001091557741165161 lr 0.001 test_loss: 0.001131470431573689\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2319: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001090035253825287 lr 0.001 test_loss: 0.0011322171776555479\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2320: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010889143915846944 lr 0.001 test_loss: 0.0011297783348709345\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2321: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010896630818024277 lr 0.001 test_loss: 0.0011343772639520466\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2322: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010926030731449525 lr 0.001 test_loss: 0.0011335453018546104\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2323: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010892664159958562 lr 0.001 test_loss: 0.0011267258669249713\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2324: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001091510949966808 lr 0.001 test_loss: 0.001128171046730131\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2325: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010869811444232861 lr 0.001 test_loss: 0.0011332557769492269\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2326: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010889521955202023 lr 0.001 test_loss: 0.001130388118326664\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2327: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010900745323548715 lr 0.001 test_loss: 0.0011320965713821352\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2328: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010868909380709131 lr 0.001 test_loss: 0.0011291989358142018\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2329: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010884344034517806 lr 0.001 test_loss: 0.0011292813578620553\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2330: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010903166995073358 lr 0.001 test_loss: 0.0011281907209195197\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2331: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010882005095481872 lr 0.001 test_loss: 0.0011284022475592792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2332: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001088401263890167 lr 0.001 test_loss: 0.001126698509324342\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2333: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001086752434882025 lr 0.001 test_loss: 0.0011277702869847417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2334: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010882745962589979 lr 0.001 test_loss: 0.0011264061322435737\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2335: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001088895152012507 lr 0.001 test_loss: 0.0011296608718112111\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2336: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010861590659866731 lr 0.001 test_loss: 0.0011236194986850023\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2337: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010833966623370846 lr 0.001 test_loss: 0.00112739612814039\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2338: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010873564208547274 lr 0.001 test_loss: 0.0011282407213002443\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2339: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010848534603913626 lr 0.001 test_loss: 0.0011254395940341055\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2340: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010877307193974653 lr 0.001 test_loss: 0.0011255756835453212\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2341: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010848705268775424 lr 0.001 test_loss: 0.001130469492636621\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2342: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010869339030856887 lr 0.001 test_loss: 0.0011259272578172386\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2343: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010846483365943036 lr 0.001 test_loss: 0.001129347481764853\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2344: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010854602480928103 lr 0.001 test_loss: 0.0011233851546421647\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2345: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010843639727681875 lr 0.001 test_loss: 0.0011197247658856213\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2346: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010830698922897378 lr 0.001 test_loss: 0.0011205904302187264\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2347: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001085770052547256 lr 0.001 test_loss: 0.001129506854340434\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2348: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010839610282952588 lr 0.001 test_loss: 0.0011233199620619416\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2349: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010818142366285125 lr 0.001 test_loss: 0.00111901864875108\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2350: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010802815901115536 lr 0.001 test_loss: 0.0011249660165049136\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2351: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010807824553921818 lr 0.001 test_loss: 0.0011222513276152313\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2352: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010823873958239953 lr 0.001 test_loss: 0.0011340942583046854\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2353: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001087625534273684 lr 0.001 test_loss: 0.0011316275922581553\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2354: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010866256896406412 lr 0.001 test_loss: 0.0011315896408632398\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2355: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001082116411998868 lr 0.001 test_loss: 0.001124619913753122\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2356: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00116, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010858416324481368 lr 0.001 test_loss: 0.0011265987996011972\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2357: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001082828074383239 lr 0.001 test_loss: 0.001119212422054261\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2358: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001079020695760846 lr 0.001 test_loss: 0.0011240483145229518\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2359: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001083441621934374 lr 0.001 test_loss: 0.0011256354628130794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2360: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010803999767328301 lr 0.001 test_loss: 0.0011186656192876399\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2361: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010806236726542313 lr 0.001 test_loss: 0.0011250303941778839\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2362: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010824646412705382 lr 0.001 test_loss: 0.0011222519678995013\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2363: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010780845225478212 lr 0.001 test_loss: 0.0011231927783228457\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2364: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010800479367996255 lr 0.001 test_loss: 0.0011196130071766675\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2365: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010783830424770714 lr 0.001 test_loss: 0.0011195001425221562\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2366: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010795251233503222 lr 0.001 test_loss: 0.0011210275697521865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2367: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001079239184036851 lr 0.001 test_loss: 0.0011224255431443453\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2368: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010807466615612308 lr 0.001 test_loss: 0.00111916265450418\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2369: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010801971113930146 lr 0.001 test_loss: 0.0011207957286387682\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2370: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010807288422559698 lr 0.001 test_loss: 0.0011218207655474544\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2371: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001077651799035569 lr 0.001 test_loss: 0.001115551684051752\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2372: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001079875851670901 lr 0.001 test_loss: 0.0011289024841971695\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2373: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001078908913768828 lr 0.001 test_loss: 0.0011186595656909049\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2374: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001080951668942968 lr 0.001 test_loss: 0.0011152361403219402\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2375: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010781032964587212 lr 0.001 test_loss: 0.0011277890880592167\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2376: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010778445905695359 lr 0.001 test_loss: 0.001119246706366539\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2377: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010781093422944346 lr 0.001 test_loss: 0.001122772868257016\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2378: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010766768517593542 lr 0.001 test_loss: 0.0011180443107150495\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2379: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010766898825143774 lr 0.001 test_loss: 0.0011175333056598902\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2380: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010757586608330409 lr 0.001 test_loss: 0.0011153632076457143\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2381: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010714968588824074 lr 0.001 test_loss: 0.0011115689994767308\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2382: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010745138783628742 lr 0.001 test_loss: 0.0011176804546266794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2383: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00113, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010776310072590908 lr 0.001 test_loss: 0.0011188375647179782\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2384: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010807768907397986 lr 0.001 test_loss: 0.0011180093861185014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2385: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00111, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010797437435636917 lr 0.001 test_loss: 0.001119507069233805\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2386: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001077689486555755 lr 0.001 test_loss: 0.001114029553718865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2387: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001075198136580487 lr 0.001 test_loss: 0.0011160284047946334\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2388: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00114, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00107493302008758 lr 0.001 test_loss: 0.0011127818142995238\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2389: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010717231780290604 lr 0.001 test_loss: 0.0011111197527498007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2390: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001070935217042764 lr 0.001 test_loss: 0.0011117177782580256\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2391: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010709367692470551 lr 0.001 test_loss: 0.0011144531308673322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2392: 100%|██████████| 15/15 [00:06<00:00, 2.19it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010721945359061162 lr 0.001 test_loss: 0.0011155641404911876\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2393: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010716438215846817 lr 0.001 test_loss: 0.0011132219224236906\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2394: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00112, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001072657162634035 lr 0.001 test_loss: 0.0011143446899950504\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2395: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001070718925135831 lr 0.001 test_loss: 0.0011090204352512956\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2396: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010708924227704605 lr 0.001 test_loss: 0.0011128687183372676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2397: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010727811527128021 lr 0.001 test_loss: 0.0011160271242260933\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2398: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010733581768969695 lr 0.001 test_loss: 0.0011135271633975208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2399: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010707361390814186 lr 0.001 test_loss: 0.0011175584513694048\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2400: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010712625614056985 lr 0.001 test_loss: 0.0011125773889943957\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2401: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010695091138283412 lr 0.001 test_loss: 0.0011089907493442297\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2402: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010744280026604733 lr 0.001 test_loss: 0.001110677607357502\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2403: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001068625645712018 lr 0.001 test_loss: 0.0011142391595058143\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2404: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010686582031970223 lr 0.001 test_loss: 0.001109782897401601\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2405: 100%|██████████| 15/15 [00:06<00:00, 2.20it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010669702275966605 lr 0.001 test_loss: 0.0011099936091341078\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2406: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010695864989732702 lr 0.001 test_loss: 0.0011106898891739547\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2407: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010709152246514955 lr 0.001 test_loss: 0.0011125581804662943\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2408: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00106925661675632 lr 0.001 test_loss: 0.0011091683409176767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2409: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010716960610200961 lr 0.001 test_loss: 0.0011136589455418289\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2410: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010676170699298383 lr 0.001 test_loss: 0.0011124842567369342\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2411: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010683197916174928 lr 0.001 test_loss: 0.0011089242761954665\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2412: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010694596373165648 lr 0.001 test_loss: 0.0011087821912951767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2413: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010682102059945465 lr 0.001 test_loss: 0.001110517478082329\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2414: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001067050810282429 lr 0.001 test_loss: 0.0011061991099268198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2415: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001065936094770829 lr 0.001 test_loss: 0.0011052097543142736\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2416: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001068218844011426 lr 0.001 test_loss: 0.001111320045311004\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2417: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010647646073872845 lr 0.001 test_loss: 0.0011078406823799014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2418: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010669306153431534 lr 0.001 test_loss: 0.001112388796173036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2419: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010652290113891164 lr 0.001 test_loss: 0.001106762618292123\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2420: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010700222492838899 lr 0.001 test_loss: 0.0011141066206619143\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2421: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010649003631745776 lr 0.001 test_loss: 0.001108730270061642\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2422: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010648051742464305 lr 0.001 test_loss: 0.0011022601975128055\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2423: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010652829349661866 lr 0.001 test_loss: 0.0011034924536943436\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2424: 100%|██████████| 15/15 [00:06<00:00, 2.16it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010617510027562578 lr 0.001 test_loss: 0.001105844450648874\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2425: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010654209880158305 lr 0.001 test_loss: 0.0011049275053665042\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2426: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010628096604098876 lr 0.001 test_loss: 0.0011045553837902844\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2427: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010630428946266572 lr 0.001 test_loss: 0.0011058450327254832\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2428: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010649390363444884 lr 0.001 test_loss: 0.0011037643998861313\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2429: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001064981985837221 lr 0.001 test_loss: 0.0011055612121708691\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2430: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010648684886594613 lr 0.001 test_loss: 0.0011062990524806082\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2431: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010638517094776034 lr 0.001 test_loss: 0.0011085339356213808\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2432: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001062510961977144 lr 0.001 test_loss: 0.0011039232485927641\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2433: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010663242156927785 lr 0.001 test_loss: 0.0011077626259066164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2434: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010643669326479237 lr 0.001 test_loss: 0.0011020946549251676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2435: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001062914247935017 lr 0.001 test_loss: 0.001102259906474501\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2436: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010633632152651747 lr 0.001 test_loss: 0.0011036418145522475\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2437: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010618162030975023 lr 0.001 test_loss: 0.0011037638178095222\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2438: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010620023279140393 lr 0.001 test_loss: 0.0011037057847715914\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2439: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001059644289004306 lr 0.001 test_loss: 0.0011021451209671795\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2440: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010616434815650185 lr 0.001 test_loss: 0.001105930597987026\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2441: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010625286803891262 lr 0.001 test_loss: 0.001105317147448659\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2442: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010623401496559382 lr 0.001 test_loss: 0.0011061258846893907\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2443: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010617665713652969 lr 0.001 test_loss: 0.0011033451301045716\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2444: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001058213016949594 lr 0.001 test_loss: 0.0011047454318031669\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2445: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010602454965313276 lr 0.001 test_loss: 0.0011074785725213587\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2446: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010628553340211512 lr 0.001 test_loss: 0.0011095500667579472\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2447: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010645701472337048 lr 0.001 test_loss: 0.0010991647141054273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2448: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010595954178522031 lr 0.001 test_loss: 0.0010998930083587766\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2449: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010579480556771159 lr 0.001 test_loss: 0.0011083620483987033\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2450: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001060569449327886 lr 0.001 test_loss: 0.0010977465426549315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2451: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010562183102592825 lr 0.001 test_loss: 0.0011018402874469757\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2452: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010578900653248032 lr 0.001 test_loss: 0.0010969896684400737\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2453: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010565159531931083 lr 0.001 test_loss: 0.0010981111554428935\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2454: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010589601006358862 lr 0.001 test_loss: 0.001098747132346034\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2455: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001057629434702297 lr 0.001 test_loss: 0.0011037017684429884\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2456: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010575398104265333 lr 0.001 test_loss: 0.0010962523519992828\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2457: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010554612924655279 lr 0.001 test_loss: 0.0011025510029867291\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2458: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010578068826968471 lr 0.001 test_loss: 0.0011040506651625037\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2459: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010592040916283926 lr 0.001 test_loss: 0.001108952215872705\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2460: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010600587896381815 lr 0.001 test_loss: 0.0010964212124235928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2461: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010560154682025314 lr 0.001 test_loss: 0.0010973758762702346\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2462: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010546467732638122 lr 0.001 test_loss: 0.0010977808269672096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2463: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010558245315526922 lr 0.001 test_loss: 0.0010960730724036694\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2464: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010554821463301777 lr 0.001 test_loss: 0.001098112901672721\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2465: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010544896203403672 lr 0.001 test_loss: 0.0010984746040776372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2466: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010534736560657621 lr 0.001 test_loss: 0.0010975184850394726\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2467: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010563577292487026 lr 0.001 test_loss: 0.0010986008564941585\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2468: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010538384473572175 lr 0.001 test_loss: 0.0010950157884508371\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2469: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010539715488751729 lr 0.001 test_loss: 0.0010984643595293164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2470: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010542949739222726 lr 0.001 test_loss: 0.0010974304168485105\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2471: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010542654354746142 lr 0.001 test_loss: 0.0010957337217405438\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2472: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010538604964191714 lr 0.001 test_loss: 0.0011009942973032594\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2473: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001056630148862799 lr 0.001 test_loss: 0.0010981961386278272\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2474: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010533374113341173 lr 0.001 test_loss: 0.0010963014210574329\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2475: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010511653187374275 lr 0.001 test_loss: 0.0010955141624435782\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2476: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001054120366461575 lr 0.001 test_loss: 0.00110039726132527\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2477: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010552741664772232 lr 0.001 test_loss: 0.0010948504786938429\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2478: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010526271381725869 lr 0.001 test_loss: 0.001100307097658515\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2479: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001052264745036761 lr 0.001 test_loss: 0.0010929168784059584\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2480: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001050588651560247 lr 0.001 test_loss: 0.0010931071010418236\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2481: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010544332287584742 lr 0.001 test_loss: 0.0010917071485891938\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2482: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010493132130553326 lr 0.001 test_loss: 0.00109362683724612\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2483: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010485272699346144 lr 0.001 test_loss: 0.0010925520327873528\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2484: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010463324065009753 lr 0.001 test_loss: 0.0010895062587223947\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2485: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001045022369362414 lr 0.001 test_loss: 0.001083978044334799\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2486: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010465661995112895 lr 0.001 test_loss: 0.0010924724047072232\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2487: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010504694888368248 lr 0.001 test_loss: 0.0010948677081614733\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2488: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001053041072251896 lr 0.001 test_loss: 0.0010956422775052488\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2489: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010517209690685074 lr 0.001 test_loss: 0.0010855881846509874\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2490: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010467184241861106 lr 0.001 test_loss: 0.00109386898111552\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2491: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010519191933174928 lr 0.001 test_loss: 0.0010883819195441902\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2492: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010477556691815455 lr 0.001 test_loss: 0.0010878746397793293\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2493: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010464452129478256 lr 0.001 test_loss: 0.001093739760108292\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2494: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001047375223909815 lr 0.001 test_loss: 0.0010894018923863769\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2495: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010473061197747787 lr 0.001 test_loss: 0.0010876914602704346\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2496: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010460301147152981 lr 0.001 test_loss: 0.0010877923923544586\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2497: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010509438890342912 lr 0.001 test_loss: 0.0010998392826877534\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2498: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001052739758354922 lr 0.001 test_loss: 0.0010959628270938993\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2499: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010467108571901918 lr 0.001 test_loss: 0.0010901600471697748\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2500: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010467614202449719 lr 0.001 test_loss: 0.001087783370167017\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2501: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010504055923471849 lr 0.001 test_loss: 0.00109552446519956\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2502: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010487179194266598 lr 0.001 test_loss: 0.001091908779926598\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2503: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010446192774300775 lr 0.001 test_loss: 0.0010859551257453859\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2504: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001044439097555975 lr 0.001 test_loss: 0.001086840988136828\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2505: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.0011, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010449736534307401 lr 0.001 test_loss: 0.0010918639018200338\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2506: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010446533483142654 lr 0.001 test_loss: 0.0010914517915807664\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2507: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010486147521684567 lr 0.001 test_loss: 0.0010904459049925208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2508: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010456732163826624 lr 0.001 test_loss: 0.0010841047624126077\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2509: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010416113616277774 lr 0.001 test_loss: 0.001084134157281369\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2510: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010419597694029412 lr 0.001 test_loss: 0.001086300064343959\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2511: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001043268657910327 lr 0.001 test_loss: 0.0010855355067178607\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2512: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010415100880588094 lr 0.001 test_loss: 0.0010851324768736959\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2513: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001043004139016072 lr 0.001 test_loss: 0.0010894411825574934\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2514: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001041867940997084 lr 0.001 test_loss: 0.0010874509462155402\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2515: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010412158987795313 lr 0.001 test_loss: 0.0010858700261451304\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2516: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010474995166684191 lr 0.001 test_loss: 0.0010861573391593993\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2517: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001046423373433451 lr 0.001 test_loss: 0.0010900336201302707\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2518: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010438438815375168 lr 0.001 test_loss: 0.001086256408598274\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2519: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010423840877289573 lr 0.001 test_loss: 0.0010872093844227493\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2520: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010390018811449408 lr 0.001 test_loss: 0.001079772599041462\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2521: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010399087332189083 lr 0.001 test_loss: 0.0010850396356545389\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2522: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010424964828416705 lr 0.001 test_loss: 0.0010868031531572342\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2523: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00104210472976168 lr 0.001 test_loss: 0.0010939340572804213\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2524: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010451125989978513 lr 0.001 test_loss: 0.0010832358966581523\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2525: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010408367263153196 lr 0.001 test_loss: 0.0010835151770152152\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2526: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010437850452338657 lr 0.001 test_loss: 0.0010839593596756458\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2527: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010421709312746922 lr 0.001 test_loss: 0.001086039061192423\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2528: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010421691307177146 lr 0.001 test_loss: 0.0010873889550566673\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2529: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010410071583464742 lr 0.001 test_loss: 0.001082821108866483\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2530: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001038451073691249 lr 0.001 test_loss: 0.0010855920845642686\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2531: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001042761281132698 lr 0.001 test_loss: 0.0010847935336641967\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2532: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001040820979202787 lr 0.001 test_loss: 0.0010818175505846739\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2533: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010386812112604578 lr 0.001 test_loss: 0.001085044234059751\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2534: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001042238048588236 lr 0.001 test_loss: 0.0010849101818166673\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2535: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001039085420779884 lr 0.001 test_loss: 0.0010821425821632147\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2536: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010375984789182742 lr 0.001 test_loss: 0.0010787263163365424\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2537: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001037313820173343 lr 0.001 test_loss: 0.0010804423363879323\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2538: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010398821361983816 lr 0.001 test_loss: 0.0010826218058355153\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2539: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001038605417124927 lr 0.001 test_loss: 0.001079461129847914\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2540: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00103867391590029 lr 0.001 test_loss: 0.0010818802402354777\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2541: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010359978303313255 lr 0.001 test_loss: 0.001079983136150986\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2542: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010341613087803125 lr 0.001 test_loss: 0.0010775033151730895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2543: 100%|██████████| 15/15 [00:06<00:00, 2.34it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001036268697741131 lr 0.001 test_loss: 0.001077404071111232\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2544: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001038402885509034 lr 0.001 test_loss: 0.0010770129738375545\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2545: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010361689686154325 lr 0.001 test_loss: 0.0010824409546330571\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2546: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001037826055350403 lr 0.001 test_loss: 0.0010844927746802568\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2547: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010405370189497869 lr 0.001 test_loss: 0.0010868554236367345\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2548: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010362115766232212 lr 0.001 test_loss: 0.0010745369945652783\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2549: 100%|██████████| 15/15 [00:06<00:00, 2.34it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001032892094614605 lr 0.001 test_loss: 0.001081174414139241\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2550: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001037276287873586 lr 0.001 test_loss: 0.001084758434444666\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2551: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010378640921165545 lr 0.001 test_loss: 0.0010781802120618522\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2552: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00109, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010367364389821886 lr 0.001 test_loss: 0.0010798009461723268\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2553: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00106, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001035656314343214 lr 0.001 test_loss: 0.0010770537192001939\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2554: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001033426766904692 lr 0.001 test_loss: 0.0010788183426484466\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2555: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010347186277310054 lr 0.001 test_loss: 0.001075371925253421\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2556: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00105, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010348015387232105 lr 0.001 test_loss: 0.0010791730601340532\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2557: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010354476825644573 lr 0.001 test_loss: 0.0010782501776702702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2558: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001034056209027767 lr 0.001 test_loss: 0.001076311047654599\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2559: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010317613060275713 lr 0.001 test_loss: 0.0010818091104738414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2560: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010352757681782046 lr 0.001 test_loss: 0.001076105167157948\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2561: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010324056958779693 lr 0.001 test_loss: 0.0010784126934595406\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2562: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001033472859611114 lr 0.001 test_loss: 0.0010745724430307746\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2563: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010333150392398238 lr 0.001 test_loss: 0.0010783910984173417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2564: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010322507470846177 lr 0.001 test_loss: 0.0010793886031024158\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2565: 100%|██████████| 15/15 [00:06<00:00, 2.34it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001036648661829531 lr 0.001 test_loss: 0.0010710536153055727\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2566: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010322434129193426 lr 0.001 test_loss: 0.0010746289044618607\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2567: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010328693315386772 lr 0.001 test_loss: 0.0010762944584712386\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2568: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000996, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010318192808578411 lr 0.001 test_loss: 0.0010822960757650435\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2569: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010319166351109744 lr 0.001 test_loss: 0.001075075997505337\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2570: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010301390352348487 lr 0.001 test_loss: 0.0010759061551652849\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2571: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010324822350715598 lr 0.001 test_loss: 0.0010764149483293295\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2572: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010297244337076942 lr 0.001 test_loss: 0.001071203441824764\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2573: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010288520250469446 lr 0.001 test_loss: 0.0010752115049399436\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2574: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010306815151125194 lr 0.001 test_loss: 0.0010801653261296451\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2575: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001034598184439043 lr 0.001 test_loss: 0.0010780800366774201\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2576: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010309888360400994 lr 0.001 test_loss: 0.0010728304041549563\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2577: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010300778473416965 lr 0.001 test_loss: 0.0010711686918511987\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2578: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.000992, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010275823995471 lr 0.001 test_loss: 0.001073788502253592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2579: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010277222919588289 lr 0.001 test_loss: 0.0010715610114857554\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2580: 100%|██████████| 15/15 [00:06<00:00, 2.33it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010285416385158897 lr 0.001 test_loss: 0.00107348250458017\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2581: 100%|██████████| 15/15 [00:06<00:00, 2.27it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001028597455782195 lr 0.001 test_loss: 0.0010716195683926344\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2582: 100%|██████████| 15/15 [00:06<00:00, 2.29it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010272284115975102 lr 0.001 test_loss: 0.001072084647603333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2583: 100%|██████████| 15/15 [00:06<00:00, 2.34it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010287001496180892 lr 0.001 test_loss: 0.0010757253039628267\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2584: 100%|██████████| 15/15 [00:06<00:00, 2.32it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010308878496289252 lr 0.001 test_loss: 0.0010749001521617174\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2585: 100%|██████████| 15/15 [00:06<00:00, 2.31it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010279851499944924 lr 0.001 test_loss: 0.0010714245727285743\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2586: 100%|██████████| 15/15 [00:06<00:00, 2.33it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001028703541184465 lr 0.001 test_loss: 0.0010747063206508756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2587: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010299763719861705 lr 0.001 test_loss: 0.0010757820564322174\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2588: 100%|██████████| 15/15 [00:06<00:00, 2.25it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010288698909183343 lr 0.001 test_loss: 0.0010704189771786332\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2589: 100%|██████████| 15/15 [00:06<00:00, 2.32it/s, loss=0.000996, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010250134548793236 lr 0.001 test_loss: 0.0010713269002735615\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2590: 100%|██████████| 15/15 [00:06<00:00, 2.30it/s, loss=0.00108, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010283452846730748 lr 0.001 test_loss: 0.0010704162996262312\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2591: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001026158065845569 lr 0.001 test_loss: 0.001070673461072147\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2592: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010286085385208328 lr 0.001 test_loss: 0.00107151159318164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2593: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010254835748734574 lr 0.001 test_loss: 0.0010720556019805372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2594: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010283997049555182 lr 0.001 test_loss: 0.0010721867438405752\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2595: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001026731519959867 lr 0.001 test_loss: 0.0010668354807421565\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2596: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00105, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010298928013071419 lr 0.001 test_loss: 0.001069702033419162\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2597: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00107, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001029823642844955 lr 0.001 test_loss: 0.0010727820917963982\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2598: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010288491612300277 lr 0.001 test_loss: 0.0010685351444408298\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2599: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010256244180103142 lr 0.001 test_loss: 0.0010693914955481887\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2600: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001025259541347623 lr 0.001 test_loss: 0.001069632766302675\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2601: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010223038106535872 lr 0.001 test_loss: 0.0010633685160428286\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2602: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010240599513053894 lr 0.001 test_loss: 0.0010666587040759623\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2603: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010258533448601762 lr 0.001 test_loss: 0.0010704626329243183\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2604: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010256000251198808 lr 0.001 test_loss: 0.0010701666469685733\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2605: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.00105, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010238329491888483 lr 0.001 test_loss: 0.0010694998200051486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2606: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010234798692787686 lr 0.001 test_loss: 0.0010694708907976747\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2607: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010269438537458579 lr 0.001 test_loss: 0.0010757212876342237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2608: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001026780717074871 lr 0.001 test_loss: 0.0010666860034689307\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2609: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001022803084924817 lr 0.001 test_loss: 0.001064615324139595\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2610: 100%|██████████| 15/15 [00:06<00:00, 2.29it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010209469357505441 lr 0.001 test_loss: 0.0010650304611772299\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2611: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010235652172317109 lr 0.001 test_loss: 0.0010653224308043718\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2612: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00106, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010227722581475974 lr 0.001 test_loss: 0.0010632022167555988\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2613: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010223940868551533 lr 0.001 test_loss: 0.0010657560778781772\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2614: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000972, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010222112643532455 lr 0.001 test_loss: 0.0010704073356464505\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2615: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010207837059473 lr 0.001 test_loss: 0.001063283532857895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2616: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010216414540385208 lr 0.001 test_loss: 0.0010735791875049472\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2617: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010265063494443894 lr 0.001 test_loss: 0.0010681856074370444\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2618: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010243565775454044 lr 0.001 test_loss: 0.0010640309774316847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2619: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010225437814369797 lr 0.001 test_loss: 0.0010668630711734295\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2620: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010245645806814232 lr 0.001 test_loss: 0.0010650864569470286\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2621: 100%|██████████| 15/15 [00:06<00:00, 2.25it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001024485263042152 lr 0.001 test_loss: 0.001069642195943743\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2622: 100%|██████████| 15/15 [00:06<00:00, 2.27it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010203888445782165 lr 0.001 test_loss: 0.0010635986109264195\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2623: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010201205499470235 lr 0.001 test_loss: 0.0010652559576556087\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2624: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010185378681247432 lr 0.001 test_loss: 0.0010620207758620381\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2625: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001018471239755551 lr 0.001 test_loss: 0.0010596848442219198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2626: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010173833385730784 lr 0.001 test_loss: 0.0010643271962180734\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2627: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010190521754945318 lr 0.001 test_loss: 0.0010635845828801394\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2628: 100%|██████████| 15/15 [00:06<00:00, 2.30it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010177302717541655 lr 0.001 test_loss: 0.001064495008904487\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2629: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010202540550380945 lr 0.001 test_loss: 0.0010630838223733008\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2630: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010176379000768065 lr 0.001 test_loss: 0.0010582699906080961\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2631: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010171303137515983 lr 0.001 test_loss: 0.0010618793894536793\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2632: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010205418492356935 lr 0.001 test_loss: 0.0010630539618432522\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2633: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00105, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010193408544485769 lr 0.001 test_loss: 0.001063859323039651\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2634: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010195178212597967 lr 0.001 test_loss: 0.0010611626203171909\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2635: 100%|██████████| 15/15 [00:06<00:00, 2.25it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010179997499411306 lr 0.001 test_loss: 0.0010620030807331204\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2636: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010179120503986876 lr 0.001 test_loss: 0.0010631264885887504\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2637: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010167799424380063 lr 0.001 test_loss: 0.001057638437487185\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2638: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001018203670779864 lr 0.001 test_loss: 0.0010657055536285043\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2639: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010169057253127296 lr 0.001 test_loss: 0.0010645537986420095\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2640: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010195442242547869 lr 0.001 test_loss: 0.0010637732921168208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2641: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010153690818697214 lr 0.001 test_loss: 0.0010588683653622866\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2642: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010148898775999744 lr 0.001 test_loss: 0.0010630583274178207\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2643: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010166365653276443 lr 0.001 test_loss: 0.0010641580447554588\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2644: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010177138882378736 lr 0.001 test_loss: 0.001066330005414784\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2645: 100%|██████████| 15/15 [00:06<00:00, 2.25it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001017014170065522 lr 0.001 test_loss: 0.0010564739350229502\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2646: 100%|██████████| 15/15 [00:06<00:00, 2.28it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010131103917956352 lr 0.001 test_loss: 0.0010595155763439834\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2647: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00107, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010169250580171743 lr 0.001 test_loss: 0.0010598130174912512\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2648: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010168295120820403 lr 0.001 test_loss: 0.0010599590023048222\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2649: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010161183929691712 lr 0.001 test_loss: 0.0010609010350890458\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2650: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001016842550598085 lr 0.001 test_loss: 0.001063897623680532\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2651: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010134539101272822 lr 0.001 test_loss: 0.0010558299836702645\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2652: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010116806409011284 lr 0.001 test_loss: 0.0010607435833662748\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2653: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000995, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010112780223911007 lr 0.001 test_loss: 0.0010528991115279496\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2654: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001015552490328749 lr 0.001 test_loss: 0.0010571267339400947\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2655: 100%|██████████| 15/15 [00:06<00:00, 2.26it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010148287673170367 lr 0.001 test_loss: 0.0010573012405075133\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2656: 100%|██████████| 15/15 [00:06<00:00, 2.27it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010135741904377937 lr 0.001 test_loss: 0.0010586261632852256\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2657: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010138348132992783 lr 0.001 test_loss: 0.0010608455631881952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2658: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010140660606945554 lr 0.001 test_loss: 0.0010559704387560487\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2659: 100%|██████████| 15/15 [00:06<00:00, 2.25it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010157133530204496 lr 0.001 test_loss: 0.0010590679594315588\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2660: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001013699546456337 lr 0.001 test_loss: 0.0010582077666185796\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2661: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010122011493270595 lr 0.001 test_loss: 0.0010571959428489208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2662: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00105, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001013031283703943 lr 0.001 test_loss: 0.001060479844454676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2663: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.000987, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010124210733920337 lr 0.001 test_loss: 0.0010598485823720694\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2664: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.000992, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001013783272355795 lr 0.001 test_loss: 0.0010579008958302438\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2665: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010128504286209743 lr 0.001 test_loss: 0.0010608191369101405\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2666: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00101259999598066 lr 0.001 test_loss: 0.0010570260346867144\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2667: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010090205352753401 lr 0.001 test_loss: 0.0010591881582513452\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2668: 100%|██████████| 15/15 [00:06<00:00, 2.25it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010113359312526882 lr 0.001 test_loss: 0.001055730797816068\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2669: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000993, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001012198138050735 lr 0.001 test_loss: 0.0010551710147410631\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2670: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010111407842487096 lr 0.001 test_loss: 0.0010575518826954067\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2671: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010162205280115208 lr 0.001 test_loss: 0.0010608473094180226\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2672: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001014705568862458 lr 0.001 test_loss: 0.001059536705724895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2673: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.00103, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010140260060628255 lr 0.001 test_loss: 0.001057173649314791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2674: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.000998, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010105750523507595 lr 0.001 test_loss: 0.0010552324238233268\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2675: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010084155946969986 lr 0.001 test_loss: 0.0010565387201495469\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2676: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010095329877610009 lr 0.001 test_loss: 0.0010514315799809992\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2677: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010095004380370179 lr 0.001 test_loss: 0.0010550885926932096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2678: 100%|██████████| 15/15 [00:06<00:00, 2.23it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010087070520967245 lr 0.001 test_loss: 0.0010525138932280242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2679: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.00104, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010114070183287064 lr 0.001 test_loss: 0.001057218760251999\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2680: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010093819350004197 lr 0.001 test_loss: 0.0010555240442045033\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2681: 100%|██████████| 15/15 [00:06<00:00, 2.19it/s, loss=0.000999, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010090584633871912 lr 0.001 test_loss: 0.0010580811649560928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2682: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.000988, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010105036199092865 lr 0.001 test_loss: 0.0010572639293968678\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2683: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010083500994369388 lr 0.001 test_loss: 0.0010547155397944152\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2684: 100%|██████████| 15/15 [00:06<00:00, 2.23it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010095357118795314 lr 0.001 test_loss: 0.0010521038202568889\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2685: 100%|██████████| 15/15 [00:06<00:00, 2.23it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010075095458887517 lr 0.001 test_loss: 0.0010533669264987111\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2686: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010083952608207862 lr 0.001 test_loss: 0.001052259176503867\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2687: 100%|██████████| 15/15 [00:06<00:00, 2.20it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010099939458693068 lr 0.001 test_loss: 0.0010553947649896145\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2688: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010096846303592126 lr 0.001 test_loss: 0.001050485938321799\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2689: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010086163567999999 lr 0.001 test_loss: 0.0010556160123087466\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2690: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00100679329286019 lr 0.001 test_loss: 0.001052176987286657\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2691: 100%|██████████| 15/15 [00:06<00:00, 2.22it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001006932215144237 lr 0.001 test_loss: 0.0010487663676030934\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2692: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.00102, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010068588657304645 lr 0.001 test_loss: 0.0010512705193832517\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2693: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010096028524761399 lr 0.001 test_loss: 0.0010500414064154029\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2694: 100%|██████████| 15/15 [00:06<00:00, 2.24it/s, loss=0.00099, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001008221359613041 lr 0.001 test_loss: 0.0010540816583670676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2695: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010097801452502609 lr 0.001 test_loss: 0.001053060230333358\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2696: 100%|██████████| 15/15 [00:06<00:00, 2.23it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010076790310752889 lr 0.001 test_loss: 0.0010496721952222288\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2697: 100%|██████████| 15/15 [00:06<00:00, 2.22it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010048157147442302 lr 0.001 test_loss: 0.0010485274251550436\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2698: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010055019985884428 lr 0.001 test_loss: 0.001049356535077095\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2699: 100%|██████████| 15/15 [00:06<00:00, 2.19it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010071471333503723 lr 0.001 test_loss: 0.001051332917995751\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2700: 100%|██████████| 15/15 [00:06<00:00, 2.16it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001004528719931841 lr 0.001 test_loss: 0.001052450214046985\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2701: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001008852788557609 lr 0.001 test_loss: 0.001056700712069869\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2702: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010074146014327804 lr 0.001 test_loss: 0.0010525917750783265\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2703: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010064116291080912 lr 0.001 test_loss: 0.0010518591734580696\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2704: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010044306749477983 lr 0.001 test_loss: 0.001053155108820647\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2705: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.000982, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010063629131764173 lr 0.001 test_loss: 0.0010520443902350962\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2706: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010076821238423387 lr 0.001 test_loss: 0.001049978833179921\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2707: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010055405786260963 lr 0.001 test_loss: 0.0010486239334568381\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2708: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010020198145260413 lr 0.001 test_loss: 0.0010461269412189722\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2709: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010019987899189194 lr 0.001 test_loss: 0.0010484070517122746\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2710: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001003245070266227 lr 0.001 test_loss: 0.0010493032168596983\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2711: 100%|██████████| 15/15 [00:06<00:00, 2.22it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010052635023991266 lr 0.001 test_loss: 0.0010530021972954273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2712: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001003570994362235 lr 0.001 test_loss: 0.001049403625074774\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2713: 100%|██████████| 15/15 [00:06<00:00, 2.20it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010021288529969753 lr 0.001 test_loss: 0.0010462896898388863\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2714: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000997, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010035462289427718 lr 0.001 test_loss: 0.001047236961312592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2715: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010033127386122943 lr 0.001 test_loss: 0.0010485516977496445\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2716: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010028137359768153 lr 0.001 test_loss: 0.0010464116930961609\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2717: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010021191711227099 lr 0.001 test_loss: 0.0010487327235750854\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2718: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.000999, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.001001614099368453 lr 0.001 test_loss: 0.0010452797287143767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2719: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010012618848122656 lr 0.001 test_loss: 0.0010470172856003046\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2720: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010029089714710911 lr 0.001 test_loss: 0.0010530864237807691\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2721: 100%|██████████| 15/15 [00:06<00:00, 2.19it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010041228185097377 lr 0.001 test_loss: 0.001048656296916306\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2722: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000973, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000999719618509213 lr 0.001 test_loss: 0.001041931682266295\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2723: 100%|██████████| 15/15 [00:06<00:00, 2.16it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010013282376651962 lr 0.001 test_loss: 0.0010487436666153371\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2724: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000971, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010012274608016015 lr 0.001 test_loss: 0.0010431368136778474\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2725: 100%|██████████| 15/15 [00:06<00:00, 2.20it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010014106364299854 lr 0.001 test_loss: 0.0010490736458450556\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2726: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010016127877558272 lr 0.001 test_loss: 0.0010455742594785988\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2727: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010024060960859061 lr 0.001 test_loss: 0.0010495009482838213\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2728: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010012025362811983 lr 0.001 test_loss: 0.0010456425370648503\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2729: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010022450587712228 lr 0.001 test_loss: 0.001046599994879216\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2730: 100%|██████████| 15/15 [00:06<00:00, 2.20it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010042458384608229 lr 0.001 test_loss: 0.001069693942554295\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2731: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010142539317409198 lr 0.001 test_loss: 0.0010496993199922144\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2732: 100%|██████████| 15/15 [00:06<00:00, 2.16it/s, loss=0.000972, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0010068491334095596 lr 0.001 test_loss: 0.0010431228438392282\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2733: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000976, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009989798340635995 lr 0.001 test_loss: 0.0010444255894981325\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2734: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009993201703764499 lr 0.001 test_loss: 0.0010423322673887014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2735: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009978894765178363 lr 0.001 test_loss: 0.0010410341201350093\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2736: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009968567872419953 lr 0.001 test_loss: 0.0010422015329822898\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2737: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009940371771032612 lr 0.001 test_loss: 0.0010390242678113282\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2738: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000995, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009973243034134308 lr 0.001 test_loss: 0.001044966105837375\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2739: 100%|██████████| 15/15 [00:06<00:00, 2.20it/s, loss=0.000988, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009977375778059165 lr 0.001 test_loss: 0.0010472759022377431\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2740: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009992612681041162 lr 0.001 test_loss: 0.0010420599137432873\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2741: 100%|██████████| 15/15 [00:06<00:00, 2.16it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009976159393166502 lr 0.001 test_loss: 0.0010433362913317978\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2742: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009975486861852308 lr 0.001 test_loss: 0.001043141819536686\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2743: 100%|██████████| 15/15 [00:06<00:00, 2.19it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009993812690178552 lr 0.001 test_loss: 0.0010455340961925685\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2744: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009982192112753788 lr 0.001 test_loss: 0.0010432667913846672\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2745: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000997828731002907 lr 0.001 test_loss: 0.0010480393539182842\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2746: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.000967, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009973666087413828 lr 0.001 test_loss: 0.0010453794966451824\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2747: 100%|██████████| 15/15 [00:06<00:00, 2.21it/s, loss=0.000981, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009945116549109419 lr 0.001 test_loss: 0.0010424706852063537\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2748: 100%|██████████| 15/15 [00:06<00:00, 2.16it/s, loss=0.00099, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009966217485877374 lr 0.001 test_loss: 0.0010420779581181705\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2749: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.00101, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009985689927513401 lr 0.001 test_loss: 0.0010428433306515217\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2750: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000998362146007518 lr 0.001 test_loss: 0.00104041479062289\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2751: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000996043544728309 lr 0.001 test_loss: 0.0010418157908134162\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2752: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009971956101556619 lr 0.001 test_loss: 0.0010432107956148684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2753: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000973, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009962646407075226 lr 0.001 test_loss: 0.0010403110063634813\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2754: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009959033379952113 lr 0.001 test_loss: 0.001040077768266201\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2755: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009953145248194535 lr 0.001 test_loss: 0.0010408596717752516\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2756: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.000992, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009943362597065668 lr 0.001 test_loss: 0.0010370566160418093\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2757: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009933989262208343 lr 0.001 test_loss: 0.00103812973247841\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2758: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000994325316666315 lr 0.001 test_loss: 0.001045376993715763\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2759: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009972962162767848 lr 0.001 test_loss: 0.0010400961618870497\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2760: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.000997, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009962100069969893 lr 0.001 test_loss: 0.0010452308924868703\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2761: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009963220994298656 lr 0.001 test_loss: 0.0010389985400252044\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2762: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009970413559737305 lr 0.001 test_loss: 0.00104337849188596\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2763: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009966244727062682 lr 0.001 test_loss: 0.0010391648393124342\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2764: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009955744569500288 lr 0.001 test_loss: 0.001043828611727804\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2765: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009943871991708875 lr 0.001 test_loss: 0.0010395331773906946\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2766: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009952714977165063 lr 0.001 test_loss: 0.0010415177093818784\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2767: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009940459315354625 lr 0.001 test_loss: 0.0010381409083493054\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2768: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009931764177357157 lr 0.001 test_loss: 0.0010398790473118424\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2769: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009947154321707785 lr 0.001 test_loss: 0.0010372999822720885\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2770: 100%|██████████| 15/15 [00:06<00:00, 2.14it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000993044515295575 lr 0.001 test_loss: 0.001040071016177535\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2771: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009956463084866602 lr 0.001 test_loss: 0.0010393457487225533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2772: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00105, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009991250233724713 lr 0.001 test_loss: 0.0010369490482844412\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2773: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009958565584383904 lr 0.001 test_loss: 0.0010379694285802543\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2774: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009933388171096643 lr 0.001 test_loss: 0.001040605769958347\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2775: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009952650405466556 lr 0.001 test_loss: 0.0010357810533605516\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2776: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.000987, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000991189891162018 lr 0.001 test_loss: 0.001039235561620444\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2777: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000992562179453671 lr 0.001 test_loss: 0.0010362821631133556\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2778: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000990499338756005 lr 0.001 test_loss: 0.0010356950224377215\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2779: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009919073937150339 lr 0.001 test_loss: 0.0010388162918388844\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2780: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009911493941520651 lr 0.001 test_loss: 0.0010407069930806756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2781: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000990872426579396 lr 0.001 test_loss: 0.0010363268665969372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2782: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009904976895389458 lr 0.001 test_loss: 0.0010309077333658934\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2783: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009880569064989685 lr 0.001 test_loss: 0.0010387356160208583\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2784: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000999, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00099027412943542 lr 0.001 test_loss: 0.0010340177686885\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2785: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.000968, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009885934841198226 lr 0.001 test_loss: 0.0010359229054301977\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2786: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000991683837492019 lr 0.001 test_loss: 0.0010394802666269243\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2787: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009896082725996773 lr 0.001 test_loss: 0.001033405540511012\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2788: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000973, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009888315534529587 lr 0.001 test_loss: 0.0010324884788133204\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2789: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000998, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000987619076234599 lr 0.001 test_loss: 0.0010327498894184828\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2790: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.000983, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009889193965742986 lr 0.001 test_loss: 0.0010357837309129536\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2791: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009903059263403216 lr 0.001 test_loss: 0.0010361798340454698\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2792: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009910861185441415 lr 0.001 test_loss: 0.0010338851134292781\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2793: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009905202159037193 lr 0.001 test_loss: 0.001037507492583245\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2794: 100%|██████████| 15/15 [00:06<00:00, 2.18it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009923787748751542 lr 0.001 test_loss: 0.001036797126289457\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2795: 100%|██████████| 15/15 [00:06<00:00, 2.17it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009905373017924527 lr 0.001 test_loss: 0.00103334168670699\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2796: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009884591408384344 lr 0.001 test_loss: 0.0010332178208045661\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2797: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000989880048048993 lr 0.001 test_loss: 0.0010339581058360636\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2798: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009902503069800636 lr 0.001 test_loss: 0.001033040403854102\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2799: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009869608213193715 lr 0.001 test_loss: 0.001031135267112404\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2800: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.000962, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000986208398050318 lr 0.001 test_loss: 0.0010337689309380949\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2801: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000987339240964502 lr 0.001 test_loss: 0.0010336156701669097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2802: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000976, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009874298935756086 lr 0.001 test_loss: 0.0010355556732974946\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2803: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.00104, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009889082711500427 lr 0.001 test_loss: 0.001030053070280701\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2804: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009866204267988603 lr 0.001 test_loss: 0.0010314088431186974\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2805: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000987297024888297 lr 0.001 test_loss: 0.0010313791572116315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2806: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009848702000454068 lr 0.001 test_loss: 0.0010324419126845896\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2807: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000987453987666716 lr 0.001 test_loss: 0.0010340845328755677\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2808: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009893399352828662 lr 0.001 test_loss: 0.0010328528587706387\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2809: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009868493769317865 lr 0.001 test_loss: 0.0010286843171343207\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2810: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009877532448930046 lr 0.001 test_loss: 0.0010309038334526122\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2811: 100%|██████████| 15/15 [00:06<00:00, 2.15it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009861198874811332 lr 0.001 test_loss: 0.0010314955143257976\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2812: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009857950809722146 lr 0.001 test_loss: 0.0010309832287020981\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2813: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009849411241399746 lr 0.001 test_loss: 0.0010319491848349571\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2814: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.000959, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000985148778030028 lr 0.001 test_loss: 0.0010326826013624668\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2815: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000983689744801571 lr 0.001 test_loss: 0.001030318671837449\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2816: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.000976, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009821330468791226 lr 0.001 test_loss: 0.0010314253740943968\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2817: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.000999, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009849275656354925 lr 0.001 test_loss: 0.001030667102895677\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2818: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009888864432772001 lr 0.001 test_loss: 0.001029637933243066\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2819: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009837303698683778 lr 0.001 test_loss: 0.0010330099612474442\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2820: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009864885282392303 lr 0.001 test_loss: 0.0010323330061510205\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2821: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009846879829031726 lr 0.001 test_loss: 0.001030904008075595\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2822: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009827585231202344 lr 0.001 test_loss: 0.0010267241741530597\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2823: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009857299776437382 lr 0.001 test_loss: 0.0010282127186655998\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2824: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009847383364103735 lr 0.001 test_loss: 0.0010290181962773204\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2825: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009830273920670152 lr 0.001 test_loss: 0.001024145632982254\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2826: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009817945576893786 lr 0.001 test_loss: 0.0010345998452976346\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2827: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009851161235322555 lr 0.001 test_loss: 0.0010290032951161265\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2828: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.000987, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009824596733475726 lr 0.001 test_loss: 0.0010270124184899032\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2829: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00098209532443434 lr 0.001 test_loss: 0.0010288355988450348\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2830: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.000982, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009823717758990825 lr 0.001 test_loss: 0.0010258991969749331\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2831: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009817952717033525 lr 0.001 test_loss: 0.0010283852461725473\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2832: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000986, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009825505083426833 lr 0.001 test_loss: 0.0010338149149902165\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2833: 100%|██████████| 15/15 [00:07<00:00, 2.14it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009860809698390464 lr 0.001 test_loss: 0.0010310729267075658\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2834: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009819961812657615 lr 0.001 test_loss: 0.001029294857289642\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2835: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000998, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000983200885821134 lr 0.001 test_loss: 0.001028343045618385\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2836: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.000983, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009821005476017793 lr 0.001 test_loss: 0.0010283752344548702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2837: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000978, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009832524966138104 lr 0.001 test_loss: 0.001029893523082137\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2838: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009844878416818876 lr 0.001 test_loss: 0.001030511106364429\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2839: 100%|██████████| 15/15 [00:07<00:00, 2.12it/s, loss=0.000945, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009801956630932787 lr 0.001 test_loss: 0.0010236866655759513\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2840: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000985, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000979798900273939 lr 0.001 test_loss: 0.0010252115316689014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2841: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009814770969872673 lr 0.001 test_loss: 0.0010329743381589651\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2842: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000999, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009844754783747097 lr 0.001 test_loss: 0.0010269336053170264\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2843: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000980028797251483 lr 0.001 test_loss: 0.0010266147437505424\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2844: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000977, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009812654345296324 lr 0.001 test_loss: 0.0010250433697365224\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2845: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.000987, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000980884131665031 lr 0.001 test_loss: 0.0010295039392076433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2846: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009794706051858763 lr 0.001 test_loss: 0.0010243800934404135\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2847: 100%|██████████| 15/15 [00:07<00:00, 2.11it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009781434705170493 lr 0.001 test_loss: 0.001024445635266602\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2848: 100%|██████████| 15/15 [00:07<00:00, 2.13it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000976541490914921 lr 0.001 test_loss: 0.0010212052147835493\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2849: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000988, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009786633231366674 lr 0.001 test_loss: 0.0010271057253703475\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2850: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00103, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009799149120226502 lr 0.001 test_loss: 0.001025780977215618\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2851: 100%|██████████| 15/15 [00:07<00:00, 2.09it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000981781092317154 lr 0.001 test_loss: 0.0010267749894410372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2852: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000972, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009795452817343176 lr 0.001 test_loss: 0.001026734127663076\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2853: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000976, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009797165015091498 lr 0.001 test_loss: 0.0010254548978991807\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2854: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000948, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009798207009832063 lr 0.001 test_loss: 0.0010289583588019013\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2855: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009811735440356036 lr 0.001 test_loss: 0.0010264695738442242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2856: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000996, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009793749273133774 lr 0.001 test_loss: 0.001022863492835313\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2857: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000958, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009766276382530729 lr 0.001 test_loss: 0.0010264405864290893\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2858: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009790911145197848 lr 0.001 test_loss: 0.001025641686283052\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2859: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009837815964904924 lr 0.001 test_loss: 0.001025067816954106\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2860: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.000944, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000979146252696713 lr 0.001 test_loss: 0.0010259394184686244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2861: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009770287200808526 lr 0.001 test_loss: 0.0010260764975100756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2862: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.000978, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009773999685421587 lr 0.001 test_loss: 0.0010221434058621526\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2863: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000954, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009769703882435957 lr 0.001 test_loss: 0.0010215883376076818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2864: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009745823685079813 lr 0.001 test_loss: 0.0010233912034891546\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2865: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000995, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009766886010766028 lr 0.001 test_loss: 0.001024255354423076\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2866: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009764279355295002 lr 0.001 test_loss: 0.0010214726789854467\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2867: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.000945, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009766576462425292 lr 0.001 test_loss: 0.0010150419548153877\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2868: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000944, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009711112400206427 lr 0.001 test_loss: 0.0010242315474897623\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2869: 100%|██████████| 15/15 [00:07<00:00, 2.10it/s, loss=0.000995, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009767713762509325 lr 0.001 test_loss: 0.001021960109937936\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2870: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000976, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000974804248350362 lr 0.001 test_loss: 0.0010205248836427927\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2871: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009734748164191842 lr 0.001 test_loss: 0.0010215956717729568\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2872: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000977043667808175 lr 0.001 test_loss: 0.0010184348211623728\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2873: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000975256774108857 lr 0.001 test_loss: 0.0010224075522273779\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2874: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000971, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009740342308456699 lr 0.001 test_loss: 0.0010253216605633497\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2875: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009778704028576613 lr 0.001 test_loss: 0.0010326626361347735\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2876: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.00097, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009784861467778683 lr 0.001 test_loss: 0.0010229573817923665\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2877: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000968, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009740339126437902 lr 0.001 test_loss: 0.0010191967012360692\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2878: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.000998, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000973586974820743 lr 0.001 test_loss: 0.0010238121612928808\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2879: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000975166253435115 lr 0.001 test_loss: 0.0010196657967753708\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2880: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.00099, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009753977957492073 lr 0.001 test_loss: 0.0010229412000626326\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2881: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009770198919189473 lr 0.001 test_loss: 0.0010230379994027317\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2882: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.00099, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009760936450523634 lr 0.001 test_loss: 0.0010182218393310905\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2883: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000975, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009736656211316586 lr 0.001 test_loss: 0.0010201192926615477\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2884: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000979, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009742810119253894 lr 0.001 test_loss: 0.0010245097801089287\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2885: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009789707294354836 lr 0.001 test_loss: 0.0010252338834106922\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2886: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000993, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009760051926908394 lr 0.001 test_loss: 0.0010187466978095472\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2887: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000959, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009744358947500586 lr 0.001 test_loss: 0.0010215670336037874\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2888: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009725908826415737 lr 0.001 test_loss: 0.0010166927822865546\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2889: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000957, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009706029202789068 lr 0.001 test_loss: 0.0010138187208212912\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2890: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000975, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009709043738742669 lr 0.001 test_loss: 0.0010198673116974533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2891: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009730247237409155 lr 0.001 test_loss: 0.0010209823958575726\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2892: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009726828856704135 lr 0.001 test_loss: 0.001017922186292708\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2893: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000972, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009706155280582607 lr 0.001 test_loss: 0.0010166389402002096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2894: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009706643565247456 lr 0.001 test_loss: 0.0010163143742829561\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2895: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.000977, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009725308860652149 lr 0.001 test_loss: 0.001023997669108212\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2896: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009721019072458148 lr 0.001 test_loss: 0.0010187009465880692\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2897: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009701612599504491 lr 0.001 test_loss: 0.0010143218678422272\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2898: 100%|██████████| 15/15 [00:07<00:00, 2.08it/s, loss=0.001, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000971084456735601 lr 0.001 test_loss: 0.001014682522509247\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2899: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000968, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009686731772186856 lr 0.001 test_loss: 0.0010147996945306659\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2900: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000993, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009711579613698025 lr 0.001 test_loss: 0.0010194554342888296\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2901: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000988, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009697579817535977 lr 0.001 test_loss: 0.001015063899103552\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2902: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009709330974146724 lr 0.001 test_loss: 0.0010201680706813931\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2903: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000999, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009751095669344068 lr 0.001 test_loss: 0.0010201230179518461\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2904: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009712971669311325 lr 0.001 test_loss: 0.0010181423858739436\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2905: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009703108691610396 lr 0.001 test_loss: 0.0010153696639463305\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2906: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009703948240106304 lr 0.001 test_loss: 0.0010151320602744818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2907: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000970079117299368 lr 0.001 test_loss: 0.001017566304653883\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2908: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009694380142415564 lr 0.001 test_loss: 0.0010165501735173166\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2909: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009690959627429645 lr 0.001 test_loss: 0.0010181191028095782\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2910: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009710250150722761 lr 0.001 test_loss: 0.0010180407552979887\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2911: 100%|██████████| 15/15 [00:07<00:00, 2.07it/s, loss=0.000965, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009705879182244341 lr 0.001 test_loss: 0.001014108769595623\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2912: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000977, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009690113249234856 lr 0.001 test_loss: 0.0010176911018788815\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2913: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009664794585357109 lr 0.001 test_loss: 0.0010122603853233159\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2914: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009654365984412531 lr 0.001 test_loss: 0.0010174968047067523\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2915: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000996, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009675311661946277 lr 0.001 test_loss: 0.001012844906654209\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2916: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000967488174016277 lr 0.001 test_loss: 0.0010125578264705837\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2917: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009685901459306479 lr 0.001 test_loss: 0.0010166923166252673\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2918: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009672386998621126 lr 0.001 test_loss: 0.0010156955104321241\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2919: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009699620966178676 lr 0.001 test_loss: 0.001018744194880128\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2920: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.000982, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009682082221843302 lr 0.001 test_loss: 0.00101429846836254\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2921: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000965, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000967703425946335 lr 0.001 test_loss: 0.0010158914956264198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2922: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000938, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009676931387123962 lr 0.001 test_loss: 0.0010173262562602758\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2923: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000973, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009673796943388879 lr 0.001 test_loss: 0.0010134669137187302\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2924: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000991, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009678277264659603 lr 0.001 test_loss: 0.0010184934362769127\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2925: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009723005040238301 lr 0.001 test_loss: 0.0010181986726820469\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2926: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009689642116427422 lr 0.001 test_loss: 0.0010139932273887098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2927: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.00102, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009682997944764793 lr 0.001 test_loss: 0.0010158215882256627\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2928: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009694899936827521 lr 0.001 test_loss: 0.0010147386929020286\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2929: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000979, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009660435724072158 lr 0.001 test_loss: 0.0010136174387298524\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2930: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009654650736289719 lr 0.001 test_loss: 0.0010111944866366684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2931: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000982, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009650117523657779 lr 0.001 test_loss: 0.0010126447305083275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2932: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009645300490471224 lr 0.001 test_loss: 0.0010104858665727079\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2933: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009648904165563484 lr 0.001 test_loss: 0.0010102302767336369\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2934: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009643714603347083 lr 0.001 test_loss: 0.001012380642350763\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2935: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009636457970676322 lr 0.001 test_loss: 0.0010075625032186508\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2936: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000942, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009632276759172479 lr 0.001 test_loss: 0.0010085846879519522\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2937: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000947, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009631073529211184 lr 0.001 test_loss: 0.001008381717838347\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2938: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000988, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009648213046602905 lr 0.001 test_loss: 0.0010114252218045294\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2939: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000967, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000965174101293087 lr 0.001 test_loss: 0.0010144687839783728\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2940: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000997, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009653388716590901 lr 0.001 test_loss: 0.001012022839859128\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2941: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009629032341763377 lr 0.001 test_loss: 0.0010111566516570747\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2942: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009650220745243132 lr 0.001 test_loss: 0.0010143397375941277\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2943: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000943, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000963694656578203 lr 0.001 test_loss: 0.0010093777673318982\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2944: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000994, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000964570150244981 lr 0.001 test_loss: 0.0010088018025271595\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2945: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000973, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009633930671649675 lr 0.001 test_loss: 0.0010105480323545635\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2946: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009647233411669732 lr 0.001 test_loss: 0.0010106544941663742\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2947: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009639821597374976 lr 0.001 test_loss: 0.001011792104691267\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2948: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000965, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009636613850792249 lr 0.001 test_loss: 0.0010092390584759414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2949: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.000978, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009643145526448886 lr 0.001 test_loss: 0.0010152450413443148\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2950: 100%|██████████| 15/15 [00:07<00:00, 2.06it/s, loss=0.000976, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009654668780664603 lr 0.001 test_loss: 0.0010098651982843876\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2951: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009638046496547759 lr 0.001 test_loss: 0.0010095403413288295\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2952: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009668874243895213 lr 0.001 test_loss: 0.0010097385966219008\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2953: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000964048687213411 lr 0.001 test_loss: 0.001009425614029169\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2954: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000977, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009618964123850067 lr 0.001 test_loss: 0.0010100736981257796\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2955: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000968, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009621147143964966 lr 0.001 test_loss: 0.0010077336337417364\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2956: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009613344989096125 lr 0.001 test_loss: 0.001007735903840512\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2957: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009599518651763598 lr 0.001 test_loss: 0.0010049155680462718\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2958: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000972, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000960006130238374 lr 0.001 test_loss: 0.0010088775889016688\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2959: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000971, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009606535158430536 lr 0.001 test_loss: 0.0010075118043459952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2960: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000954, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009595595765858889 lr 0.001 test_loss: 0.0010052509605884552\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2961: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009619830913531283 lr 0.001 test_loss: 0.001009203668218106\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2962: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000995, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009619730602328976 lr 0.001 test_loss: 0.0010133609757758677\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2963: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000947, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009648050142762562 lr 0.001 test_loss: 0.0010108469286933541\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2964: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000985, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009651374304667116 lr 0.001 test_loss: 0.0010088177514262497\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2965: 100%|██████████| 15/15 [00:07<00:00, 2.05it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000963179033715278 lr 0.001 test_loss: 0.001008225604891777\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2966: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000987, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009643572731874884 lr 0.001 test_loss: 0.0010079797357320786\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2967: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009643902614091833 lr 0.001 test_loss: 0.0010079111088998616\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2968: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009599223926973839 lr 0.001 test_loss: 0.0010038012405857444\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2969: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000981, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009605824675721427 lr 0.001 test_loss: 0.0010103921522386372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2970: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000957, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000959958186528335 lr 0.001 test_loss: 0.001005382218863815\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2971: 100%|██████████| 15/15 [00:07<00:00, 2.03it/s, loss=0.000958, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009592887906668087 lr 0.001 test_loss: 0.001006726291961968\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2972: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000978, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009579668558823566 lr 0.001 test_loss: 0.001002954668365419\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2973: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000986, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009574456955306232 lr 0.001 test_loss: 0.0010052298894152045\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2974: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000977, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000958827615249902 lr 0.001 test_loss: 0.0010035207960754633\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2975: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000964, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009593943987662594 lr 0.001 test_loss: 0.0010070777498185635\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2976: 100%|██████████| 15/15 [00:07<00:00, 2.04it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009577393260163566 lr 0.001 test_loss: 0.0010060708154924214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2977: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000942, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009565386339090764 lr 0.001 test_loss: 0.001003642741125077\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2978: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000945, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009574464910353224 lr 0.001 test_loss: 0.0010064419475384057\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2979: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000967, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009582540757643679 lr 0.001 test_loss: 0.00101030693622306\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2980: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009591766671898464 lr 0.001 test_loss: 0.001004394085612148\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2981: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000992, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009596650876725713 lr 0.001 test_loss: 0.0010065017268061638\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2982: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000964, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009566607302986085 lr 0.001 test_loss: 0.0010008797980844975\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2983: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000958, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009572593417639534 lr 0.001 test_loss: 0.001004064513836056\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2984: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009580258590479692 lr 0.001 test_loss: 0.0010054955491796136\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2985: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000916, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009547437851627668 lr 0.001 test_loss: 0.0010019337059929967\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2986: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000957, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009558306153242787 lr 0.001 test_loss: 0.0010015297448262572\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2987: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000941, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009560158437428375 lr 0.001 test_loss: 0.0010003684437833726\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2988: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009564553465073307 lr 0.001 test_loss: 0.0010016925516538322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2989: 100%|██████████| 15/15 [00:07<00:00, 2.02it/s, loss=0.000947, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009550856077112258 lr 0.001 test_loss: 0.001000859250780195\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2990: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000918, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009565581218339503 lr 0.001 test_loss: 0.0010005675721913576\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2991: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000962, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009603637697485586 lr 0.001 test_loss: 0.001004873716738075\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2992: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000947, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009574420827751358 lr 0.001 test_loss: 0.0010013196733780205\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2993: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000967, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009569953312166035 lr 0.001 test_loss: 0.0010064557427540421\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2994: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009562789966973166 lr 0.001 test_loss: 0.0010036708554252982\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2995: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009566078428179025 lr 0.001 test_loss: 0.0010038117179647088\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2996: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.000945, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009548573521897197 lr 0.001 test_loss: 0.00100205052876845\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2997: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009546267217956483 lr 0.001 test_loss: 0.0010040363995358348\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2998: 100%|██████████| 15/15 [00:07<00:00, 2.01it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000954066690367957 lr 0.001 test_loss: 0.0009982873452827334\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 2999: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000942, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009523757927430173 lr 0.001 test_loss: 0.0009976964793168008\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3000: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000997, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000956322291555504 lr 0.001 test_loss: 0.0010035652667284012\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3001: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009552974059867362 lr 0.001 test_loss: 0.0010013713035732508\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3002: 100%|██████████| 15/15 [00:07<00:00, 2.00it/s, loss=0.00097, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009528226413143178 lr 0.001 test_loss: 0.0010015665320679545\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3003: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009540857397951185 lr 0.001 test_loss: 0.0010018196771852672\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3004: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000954, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00095359351253137 lr 0.001 test_loss: 0.000999006093479693\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3005: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000965, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00095234695278729 lr 0.001 test_loss: 0.00100162613671273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3006: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00099, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009571060227851073 lr 0.001 test_loss: 0.0009999810135923326\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3007: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000962, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009545865623901288 lr 0.001 test_loss: 0.001001154480036348\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3008: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000973, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009567382085757951 lr 0.001 test_loss: 0.0010012470884248614\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3009: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009535123671715458 lr 0.001 test_loss: 0.0009978542802855372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3010: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009517160360701382 lr 0.001 test_loss: 0.0009961407049559057\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3011: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009515227982774376 lr 0.001 test_loss: 0.0009970556129701436\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3012: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009527224387663106 lr 0.001 test_loss: 0.0010032284772023559\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3013: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000965, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009539410821162164 lr 0.001 test_loss: 0.0010035974555648863\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3014: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000948, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009541385613071421 lr 0.001 test_loss: 0.0010014127474278212\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3015: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009537678444758058 lr 0.001 test_loss: 0.0009970394312404096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3016: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.00097, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000952468210986505 lr 0.001 test_loss: 0.0010006966767832637\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3017: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009512501341911654 lr 0.001 test_loss: 0.001002598088234663\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3018: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000982, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009523351754372318 lr 0.001 test_loss: 0.0010013140854425728\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3019: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009542407118715346 lr 0.001 test_loss: 0.0010021572234109044\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3020: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009541935209805767 lr 0.001 test_loss: 0.0009999885223805904\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3021: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009561644323791067 lr 0.001 test_loss: 0.0010043515940196812\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3022: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009523158000471692 lr 0.001 test_loss: 0.0009986962541006505\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3023: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000968, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009514945248762767 lr 0.001 test_loss: 0.0009998493478633463\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3024: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009522420160161953 lr 0.001 test_loss: 0.000996758637484163\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3025: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000937, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009518003556877374 lr 0.001 test_loss: 0.0009999621543101966\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3026: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000952185783535242 lr 0.001 test_loss: 0.0010008851531893015\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3027: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009525947350387772 lr 0.001 test_loss: 0.0009958432638086379\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3028: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000981, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009518369178598125 lr 0.001 test_loss: 0.0009969890234060585\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3029: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00098, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009514272562228144 lr 0.001 test_loss: 0.0009963410557247698\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3030: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009492843373057742 lr 0.001 test_loss: 0.000995004374999553\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3031: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000937, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009472376899793744 lr 0.001 test_loss: 0.0009907140047289431\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3032: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.000916, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009463922741512458 lr 0.001 test_loss: 0.000996100076008588\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3033: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009482675076772769 lr 0.001 test_loss: 0.0009968345984816551\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3034: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000993, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009525416147274276 lr 0.001 test_loss: 0.0009981936891563237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3035: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00095481548535948 lr 0.001 test_loss: 0.0009966874495148659\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3036: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009514256419303516 lr 0.001 test_loss: 0.0009994625579565763\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3037: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009497800143435598 lr 0.001 test_loss: 0.0009966782527044415\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3038: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000952, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009481978602707386 lr 0.001 test_loss: 0.0009939543961081654\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3039: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000971, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009499368839897216 lr 0.001 test_loss: 0.0010003583156503737\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3040: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009477875971545776 lr 0.001 test_loss: 0.000997983617708087\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3041: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009479882700058321 lr 0.001 test_loss: 0.000996137852780521\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3042: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000935, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009468471709017952 lr 0.001 test_loss: 0.0009928421932272613\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3043: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009473496349528432 lr 0.001 test_loss: 0.0010053433943539858\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3044: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000959, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009859585979332527 lr 0.001 test_loss: 0.0010294924722984433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3045: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000970681329878668 lr 0.001 test_loss: 0.0009958282462321222\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3046: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000989, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009512793039903045 lr 0.001 test_loss: 0.0009940479649230838\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3047: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000935, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009459713551526268 lr 0.001 test_loss: 0.000993020716123283\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3048: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000975, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009466983455543716 lr 0.001 test_loss: 0.00099079281790182\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3049: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009439583402127028 lr 0.001 test_loss: 0.0009916948911268264\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3050: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009437269996851683 lr 0.001 test_loss: 0.0009910377557389438\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3051: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009421838253426055 lr 0.001 test_loss: 0.0009890490910038352\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3052: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000945, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009420669598815342 lr 0.001 test_loss: 0.0009907545463647693\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3053: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00097, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009429953953561683 lr 0.001 test_loss: 0.0009897173149511218\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3054: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000971, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009438053860018651 lr 0.001 test_loss: 0.0009886957122944295\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3055: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000944, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009434682782739401 lr 0.001 test_loss: 0.0009882160811685026\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3056: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009440462958688538 lr 0.001 test_loss: 0.0009901503508444875\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3057: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000958, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009431643411517143 lr 0.001 test_loss: 0.0009888316271826625\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3058: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.000916, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000943458507147928 lr 0.001 test_loss: 0.0009947182843461633\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3059: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009472332972412308 lr 0.001 test_loss: 0.0009945777710527182\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3060: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000945352076087147 lr 0.001 test_loss: 0.000994030706351623\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3061: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009473777065674464 lr 0.001 test_loss: 0.0009976099827326834\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3062: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009471212125693758 lr 0.001 test_loss: 0.0009950257954187691\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3063: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000944, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009442539691614608 lr 0.001 test_loss: 0.0009887605265248567\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3064: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000932, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009421125908071796 lr 0.001 test_loss: 0.0009909559157676995\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3065: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009436616169599195 lr 0.001 test_loss: 0.000988863903330639\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3066: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000963, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009435633895918727 lr 0.001 test_loss: 0.0009929501975420862\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3067: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000943150029828151 lr 0.001 test_loss: 0.0009896525007206947\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3068: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009415992652066052 lr 0.001 test_loss: 0.000991759414318949\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3069: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009428781806491316 lr 0.001 test_loss: 0.0009929771767929196\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3070: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000937, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009441076661460101 lr 0.001 test_loss: 0.0009919909061864018\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3071: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009409160120412707 lr 0.001 test_loss: 0.0009877951815724373\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3072: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009424425351123015 lr 0.001 test_loss: 0.0009925926569849253\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3073: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.000952, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009419398498721421 lr 0.001 test_loss: 0.0009910267544910312\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3074: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009427961427718401 lr 0.001 test_loss: 0.0009920504526235163\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3075: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.000951, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009446070296689868 lr 0.001 test_loss: 0.000996824528556317\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3076: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009442745979564885 lr 0.001 test_loss: 0.0009896974370349199\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3077: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009415909764356912 lr 0.001 test_loss: 0.0009900375735014677\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3078: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000942, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009433913277462125 lr 0.001 test_loss: 0.0009916552517097443\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3079: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000962, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009428578700559835 lr 0.001 test_loss: 0.0009892797388602048\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3080: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009423741837963461 lr 0.001 test_loss: 0.0009868383058346808\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3081: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000940263799081246 lr 0.001 test_loss: 0.0009880453580990434\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3082: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009407881259297331 lr 0.001 test_loss: 0.000986576109426096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3083: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000948, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009398046143663427 lr 0.001 test_loss: 0.0009873359522316605\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3084: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009392554638907313 lr 0.001 test_loss: 0.000986773316981271\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3085: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000969, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009421373018994927 lr 0.001 test_loss: 0.0009902690071612597\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3086: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000941157996809731 lr 0.001 test_loss: 0.0009859908022917807\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3087: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009406907483935356 lr 0.001 test_loss: 0.0009881063015200198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3088: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000927, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000940210713694493 lr 0.001 test_loss: 0.0009900314908009022\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3089: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000956, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009417370893061161 lr 0.001 test_loss: 0.0009878570272121578\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3090: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000965, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009415973521148165 lr 0.001 test_loss: 0.0009880021389108151\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3091: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009432444038490454 lr 0.001 test_loss: 0.0009908302163239568\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3092: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00101, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009471974452026188 lr 0.001 test_loss: 0.0009965701610781252\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3093: 100%|██████████| 15/15 [00:07<00:00, 1.99it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009423140281190474 lr 0.001 test_loss: 0.0009879957069642842\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3094: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000941078345446537 lr 0.001 test_loss: 0.0009908878710120916\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3095: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000974, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009418383318309983 lr 0.001 test_loss: 0.0009918138093780726\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3096: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000945, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009400007470200459 lr 0.001 test_loss: 0.000987090461421758\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3097: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000959, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009425227724326154 lr 0.001 test_loss: 0.000987582840025425\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3098: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000939824164379388 lr 0.001 test_loss: 0.000987508101388812\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3099: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009388878980341057 lr 0.001 test_loss: 0.000985609192866832\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3100: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000964, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009385993083318075 lr 0.001 test_loss: 0.000985586695605889\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3101: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009402130963280797 lr 0.001 test_loss: 0.0009924538899213076\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3102: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009397170739248395 lr 0.001 test_loss: 0.0009878469863906503\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3103: 100%|██████████| 15/15 [00:07<00:00, 1.93it/s, loss=0.000927, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009406026608000199 lr 0.001 test_loss: 0.0009845918393693864\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3104: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000932, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009380675076196591 lr 0.001 test_loss: 0.0009834756492637098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3105: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000927, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009377062475929657 lr 0.001 test_loss: 0.000985391263384372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3106: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000937448888241003 lr 0.001 test_loss: 0.0009852505754679441\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3107: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009379128731476764 lr 0.001 test_loss: 0.0009876166295725852\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3108: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009364376038623353 lr 0.001 test_loss: 0.000983610050752759\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3109: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009362738036240141 lr 0.001 test_loss: 0.000987547857221216\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3110: 100%|██████████| 15/15 [00:07<00:00, 1.97it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009386693593114615 lr 0.001 test_loss: 0.000988613988738507\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3111: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009387160923021535 lr 0.001 test_loss: 0.0009861395228654146\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3112: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000982, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009391352456683914 lr 0.001 test_loss: 0.0009844224550761282\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3113: 100%|██████████| 15/15 [00:07<00:00, 1.95it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009369051433168352 lr 0.001 test_loss: 0.0009846696339081973\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3114: 100%|██████████| 15/15 [00:07<00:00, 1.96it/s, loss=0.000957, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009353130939416587 lr 0.001 test_loss: 0.0009854063100647181\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3115: 100%|██████████| 15/15 [00:07<00:00, 1.92it/s, loss=0.000927, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009353129930483798 lr 0.001 test_loss: 0.0009808668110053986\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3116: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009336384944617748 lr 0.001 test_loss: 0.0009792718046810478\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3117: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009353430359624326 lr 0.001 test_loss: 0.0009831421775743365\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3118: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009372662131985029 lr 0.001 test_loss: 0.0009879589197225869\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3119: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000932, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009378281615984936 lr 0.001 test_loss: 0.0009902672609314322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3120: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000948, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000938459625467658 lr 0.001 test_loss: 0.0009848190238699317\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3121: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009391091957998772 lr 0.001 test_loss: 0.000987348728813231\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3122: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000952, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009378105906459193 lr 0.001 test_loss: 0.0009816963865887374\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3123: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000964, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009377699306545158 lr 0.001 test_loss: 0.00098945019999519\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3124: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.00097, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009397714243580897 lr 0.001 test_loss: 0.000987093721050769\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3125: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009378693881444633 lr 0.001 test_loss: 0.0009852920193225145\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3126: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000984, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009373938858819505 lr 0.001 test_loss: 0.0009883667808026075\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3127: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000932, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009382346295751631 lr 0.001 test_loss: 0.0009855232201516628\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3128: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000941, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009364771811912457 lr 0.001 test_loss: 0.000983467703917995\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3129: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.00092, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009346095845103264 lr 0.001 test_loss: 0.000982397876214236\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3130: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009359759860672057 lr 0.001 test_loss: 0.0009879796707537025\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3131: 100%|██████████| 15/15 [00:07<00:00, 1.98it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000938234303612262 lr 0.001 test_loss: 0.0009844920132309198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3132: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009348018444143236 lr 0.001 test_loss: 0.0009812073549255729\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3133: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009328334980333845 lr 0.001 test_loss: 0.0009829916234593838\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3134: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009357700745264689 lr 0.001 test_loss: 0.0009810944320634007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3135: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009364411234855652 lr 0.001 test_loss: 0.0009843246662057936\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3136: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00097, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009348609407121936 lr 0.001 test_loss: 0.0009822735155466944\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3137: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009330657000343005 lr 0.001 test_loss: 0.0009796297817956656\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3138: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000943, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009343260588745276 lr 0.001 test_loss: 0.0009785652509890497\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3139: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009333225005927185 lr 0.001 test_loss: 0.0009804154396988451\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3140: 100%|██████████| 15/15 [00:07<00:00, 1.94it/s, loss=0.00096, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009350088541395963 lr 0.001 test_loss: 0.0009810953633859754\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3141: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000938, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009372092395400007 lr 0.001 test_loss: 0.0009815937373787165\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3142: 100%|██████████| 15/15 [00:07<00:00, 1.91it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009375726842942337 lr 0.001 test_loss: 0.0009830733761191368\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3143: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009356008299315969 lr 0.001 test_loss: 0.0009800932020880282\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3144: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000935, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009344853072737654 lr 0.001 test_loss: 0.0009800094994716346\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3145: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009325397356102864 lr 0.001 test_loss: 0.0009787669987417758\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3146: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000906, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000934208215524753 lr 0.001 test_loss: 0.0009869865607470274\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3147: 100%|██████████| 15/15 [00:05<00:00, 2.71it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009332208661362529 lr 0.001 test_loss: 0.0009815640223678201\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3148: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009328438395944734 lr 0.001 test_loss: 0.0009779969695955515\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3149: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000944, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000931291317101568 lr 0.001 test_loss: 0.0009821377461776137\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3150: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009333055078362425 lr 0.001 test_loss: 0.0009801439882721752\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3151: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009340720057177047 lr 0.001 test_loss: 0.0009852537768892944\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3152: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000966, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009374239559595784 lr 0.001 test_loss: 0.0009840055427048355\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3153: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009321441291831433 lr 0.001 test_loss: 0.0009802768181543797\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3154: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000942, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009307874366641045 lr 0.001 test_loss: 0.0009763474226929247\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3155: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009303466378090282 lr 0.001 test_loss: 0.0009775609360076487\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3156: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000948, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009302662879539032 lr 0.001 test_loss: 0.0009794590878300369\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3157: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000952, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009362187935039401 lr 0.001 test_loss: 0.0009772835182957351\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3158: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000927, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009309703717008233 lr 0.001 test_loss: 0.0009821741259656847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3159: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009304285321074228 lr 0.001 test_loss: 0.0009794707875698805\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3160: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009331154248987635 lr 0.001 test_loss: 0.0009815075027290732\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3161: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000962, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009322233575706681 lr 0.001 test_loss: 0.0009814752847887576\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3162: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009339860640466213 lr 0.001 test_loss: 0.000980544020421803\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3163: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009327250261170169 lr 0.001 test_loss: 0.0009828060865402222\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3164: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009327189298346638 lr 0.001 test_loss: 0.000978552590822801\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3165: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000904, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009286867648673554 lr 0.001 test_loss: 0.0009788989555090666\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3166: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000942, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009315986031045516 lr 0.001 test_loss: 0.000978836847934872\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3167: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009309486214381953 lr 0.001 test_loss: 0.0009822390566114336\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3168: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000968, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009298029510925213 lr 0.001 test_loss: 0.0009753203485161066\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3169: 100%|██████████| 15/15 [00:07<00:00, 1.89it/s, loss=0.000947, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009299388194146256 lr 0.001 test_loss: 0.0009756861545611173\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3170: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000967, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009325414119909207 lr 0.001 test_loss: 0.0009770912874955684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3171: 100%|██████████| 15/15 [00:07<00:00, 1.88it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009305275976657868 lr 0.001 test_loss: 0.0009762002737261355\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3172: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009267513058148324 lr 0.001 test_loss: 0.000977003772277385\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3173: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000923, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009293158499834438 lr 0.001 test_loss: 0.0009751742472872138\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3174: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000947, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009287075217192371 lr 0.001 test_loss: 0.0009758146188687533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3175: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009267705919531484 lr 0.001 test_loss: 0.0009727790602482855\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3176: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.0009, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009249514589707057 lr 0.001 test_loss: 0.0009776659426279366\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3177: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000971, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009301567178529997 lr 0.001 test_loss: 0.0009770715842023492\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3178: 100%|██████████| 15/15 [00:07<00:00, 1.90it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009284981953290601 lr 0.001 test_loss: 0.0009807883761823177\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3179: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009321674898577233 lr 0.001 test_loss: 0.0009724829869810492\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3180: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009274767983394364 lr 0.001 test_loss: 0.000971740810200572\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3181: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009275355531523625 lr 0.001 test_loss: 0.0009787293965928257\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3182: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009291394574878117 lr 0.001 test_loss: 0.0009745237766765058\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3183: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009265813084008793 lr 0.001 test_loss: 0.0009739761590026319\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3184: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009281497603903214 lr 0.001 test_loss: 0.0009741344256326556\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3185: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009288688306696713 lr 0.001 test_loss: 0.000974987749941647\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3186: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009273161878809333 lr 0.001 test_loss: 0.0009745793940965086\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3187: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009294996232104798 lr 0.001 test_loss: 0.000973404967226088\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3188: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000922, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009287653568511208 lr 0.001 test_loss: 0.0009746926953084767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3189: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009303509645784895 lr 0.001 test_loss: 0.000987363833701238\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3190: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000932503662382563 lr 0.001 test_loss: 0.0009777182713150978\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3191: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009265627323960264 lr 0.001 test_loss: 0.0009729611047077924\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3192: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009265352971851825 lr 0.001 test_loss: 0.000977623596554622\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3193: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000908, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009254077061389884 lr 0.001 test_loss: 0.0009763289708644152\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3194: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009261550731025636 lr 0.001 test_loss: 0.0009711829770822078\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3195: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009266421082429587 lr 0.001 test_loss: 0.0009731847676448524\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3196: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009258560254238546 lr 0.001 test_loss: 0.0009719260851852596\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3197: 100%|██████████| 15/15 [00:08<00:00, 1.87it/s, loss=0.000922, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009251644485630095 lr 0.001 test_loss: 0.0009694069740362465\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3198: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009244710789062082 lr 0.001 test_loss: 0.000973791757132858\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3199: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00092680089486142 lr 0.001 test_loss: 0.0009731525206007063\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3200: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009251145335535208 lr 0.001 test_loss: 0.0009706933924462646\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3201: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.0009, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009243422304280102 lr 0.001 test_loss: 0.0009731796744745225\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3202: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009266802342608571 lr 0.001 test_loss: 0.0009731952450238168\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3203: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009254260182691117 lr 0.001 test_loss: 0.0009729912271723151\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3204: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009257549225973586 lr 0.001 test_loss: 0.0009731503669172525\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3205: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009251828111397723 lr 0.001 test_loss: 0.0009692226012703031\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3206: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009264348656870425 lr 0.001 test_loss: 0.0009788937459234148\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3207: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009285923908464611 lr 0.001 test_loss: 0.0009746214491315186\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3208: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009245480643585325 lr 0.001 test_loss: 0.000974089780356735\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3209: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009247240144759416 lr 0.001 test_loss: 0.000974105263594538\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3210: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009246408667725821 lr 0.001 test_loss: 0.0009732532489579171\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3211: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009260684756251673 lr 0.001 test_loss: 0.0009730070014484227\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3212: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009239000889162222 lr 0.001 test_loss: 0.0009727332217153162\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3213: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000918, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009247088145154218 lr 0.001 test_loss: 0.0009739100642036647\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3214: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009228008605229358 lr 0.001 test_loss: 0.0009715129563119262\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3215: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000955, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009243776090443135 lr 0.001 test_loss: 0.0009731405880302191\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3216: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000918, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009248254937119782 lr 0.001 test_loss: 0.0009757139487192035\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3217: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009209156308012704 lr 0.001 test_loss: 0.0009722563554532826\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3218: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000916, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009216553919638196 lr 0.001 test_loss: 0.0009692917810752988\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3219: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000952, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009236557758413255 lr 0.001 test_loss: 0.0009704818949103355\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3220: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000899, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009227890288457275 lr 0.001 test_loss: 0.0009687098499853164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3221: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009241494505355755 lr 0.001 test_loss: 0.0009693307220004499\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3222: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009214588867810865 lr 0.001 test_loss: 0.0009699454822111875\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3223: 100%|██████████| 15/15 [00:08<00:00, 1.86it/s, loss=0.000952, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009230732452124357 lr 0.001 test_loss: 0.0009703174000605941\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3224: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000924005654330055 lr 0.001 test_loss: 0.000973096233792603\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3225: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009248299951044222 lr 0.001 test_loss: 0.000974480586592108\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3226: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000927, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000923993616985778 lr 0.001 test_loss: 0.0009695407061371952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3227: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009226126673941811 lr 0.001 test_loss: 0.0009742609108798206\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3228: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000946, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009235716851738591 lr 0.001 test_loss: 0.0009708052093628794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3229: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009235084289684892 lr 0.001 test_loss: 0.0009697958012111485\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3230: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009218909234429399 lr 0.001 test_loss: 0.0009742912952788174\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3231: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009222293195004264 lr 0.001 test_loss: 0.0009655377361923456\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3232: 100%|██████████| 15/15 [00:08<00:00, 1.85it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009195151389576495 lr 0.001 test_loss: 0.0009680267248768359\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3233: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009218782341728608 lr 0.001 test_loss: 0.0009670215367805213\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3234: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009192806668579578 lr 0.001 test_loss: 0.0009736327629070729\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3235: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000922031265993913 lr 0.001 test_loss: 0.0009695034241303802\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3236: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009202151248852412 lr 0.001 test_loss: 0.0009703810792416334\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3237: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009205848638278743 lr 0.001 test_loss: 0.0009663073578849435\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3238: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000932, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009207508061081171 lr 0.001 test_loss: 0.0009669980208855122\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3239: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009203640899310509 lr 0.001 test_loss: 0.0009673489257693291\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3240: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000921160615204523 lr 0.001 test_loss: 0.000966574065387249\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3241: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000911, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009219871911530694 lr 0.001 test_loss: 0.0009699953952804208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3242: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009202368751478692 lr 0.001 test_loss: 0.00097058987012133\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3243: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000938, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009202587651088833 lr 0.001 test_loss: 0.0009718314104247838\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3244: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009231849146696428 lr 0.001 test_loss: 0.0009668398706708103\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3245: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009212657460011542 lr 0.001 test_loss: 0.0009661849762778729\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3246: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000958, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009204253011072676 lr 0.001 test_loss: 0.000968630425632\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3247: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000948, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009202093041191499 lr 0.001 test_loss: 0.0009719404042698443\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3248: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000935, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009222202934324741 lr 0.001 test_loss: 0.0009654089226387441\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3249: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009200632378148536 lr 0.001 test_loss: 0.0009643904340919107\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3250: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009189575522517164 lr 0.001 test_loss: 0.000968767621088773\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3251: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009215810607808332 lr 0.001 test_loss: 0.000971416593529284\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3252: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000918657670263201 lr 0.001 test_loss: 0.0009669950522948056\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3253: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009172482066787779 lr 0.001 test_loss: 0.0009711648453958333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3254: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009198986149082581 lr 0.001 test_loss: 0.0009698669600766152\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3255: 100%|██████████| 15/15 [00:08<00:00, 1.84it/s, loss=0.000936, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009201356132204334 lr 0.001 test_loss: 0.0009675571345724165\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3256: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009185711232324441 lr 0.001 test_loss: 0.0009640732605475932\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3257: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009178563253954053 lr 0.001 test_loss: 0.0009673376334831119\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3258: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009165069437585771 lr 0.001 test_loss: 0.0009634166490286589\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3259: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009171598823741079 lr 0.001 test_loss: 0.0009685941913630813\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3260: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009182616175773243 lr 0.001 test_loss: 0.0009674497705418617\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3261: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009181526256725192 lr 0.001 test_loss: 0.0009649035928305238\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3262: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009166706896697481 lr 0.001 test_loss: 0.0009681699448265135\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3263: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009179074666462838 lr 0.001 test_loss: 0.0009662759257480502\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3264: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000935, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009184180138011774 lr 0.001 test_loss: 0.0009736010688357055\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3265: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009196120430715382 lr 0.001 test_loss: 0.000966201419942081\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3266: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009166133706457913 lr 0.001 test_loss: 0.0009621508361306041\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3267: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009153232211247086 lr 0.001 test_loss: 0.0009646820253692567\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3268: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009158142648326854 lr 0.001 test_loss: 0.0009642977092880756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3269: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009156741861564417 lr 0.001 test_loss: 0.0009654779860284179\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3270: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009151670228069027 lr 0.001 test_loss: 0.0009626236860640347\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3271: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009145743989696105 lr 0.001 test_loss: 0.0009602037607692182\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3272: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009143345756456256 lr 0.001 test_loss: 0.0009624117810744792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3273: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009153554487663011 lr 0.001 test_loss: 0.000965376733802259\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3274: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009160202578641474 lr 0.001 test_loss: 0.0009691397426649928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3275: 100%|██████████| 15/15 [00:08<00:00, 1.83it/s, loss=0.000935, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009198926544437806 lr 0.001 test_loss: 0.0009686947450973094\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3276: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009184968269740542 lr 0.001 test_loss: 0.000964401988312602\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3277: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009173924918286502 lr 0.001 test_loss: 0.000960577599471435\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3278: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009143980763231715 lr 0.001 test_loss: 0.000960011180723086\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3279: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009130573559862872 lr 0.001 test_loss: 0.0009623872465454042\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3280: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009145688925248881 lr 0.001 test_loss: 0.0009650249849073589\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3281: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009141407169712087 lr 0.001 test_loss: 0.0009625033417250961\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3282: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009170647167290251 lr 0.001 test_loss: 0.000966401188634336\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3283: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009148207493126393 lr 0.001 test_loss: 0.0009611763816792518\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3284: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009139326789105932 lr 0.001 test_loss: 0.000963339174631983\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3285: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009134634902390341 lr 0.001 test_loss: 0.0009597496828064322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3286: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009128205788632234 lr 0.001 test_loss: 0.0009628358529880643\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3287: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000939, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000915551158444335 lr 0.001 test_loss: 0.0009620918426662683\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3288: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009126824831279615 lr 0.001 test_loss: 0.0009629029082134366\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3289: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009139164079291126 lr 0.001 test_loss: 0.0009667366102803499\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3290: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009183393092826008 lr 0.001 test_loss: 0.0009614379960112274\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3291: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009117528873806199 lr 0.001 test_loss: 0.000960980192758143\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3292: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009144206492540737 lr 0.001 test_loss: 0.0009623367805033922\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3293: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009146266034804285 lr 0.001 test_loss: 0.0009576203883625567\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3294: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009109365132947763 lr 0.001 test_loss: 0.0009610885172151029\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3295: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000912477281720688 lr 0.001 test_loss: 0.0009578975150361657\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3296: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009155705144318441 lr 0.001 test_loss: 0.0009635998285375535\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3297: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009150762615414957 lr 0.001 test_loss: 0.0009658277849666774\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3298: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000914172560442239 lr 0.001 test_loss: 0.0009600344928912818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3299: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000911400323578467 lr 0.001 test_loss: 0.0009587928943801671\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3300: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009119524310032527 lr 0.001 test_loss: 0.000961282872594893\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3301: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000925, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009126363477359215 lr 0.001 test_loss: 0.0009609106928110123\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3302: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000911, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009132966360387702 lr 0.001 test_loss: 0.000961973040830344\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3303: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009117799694649875 lr 0.001 test_loss: 0.0009602647332940251\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3304: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009111876677100857 lr 0.001 test_loss: 0.0009591013367753476\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3305: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009102695000668367 lr 0.001 test_loss: 0.0009566799562890083\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3306: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000941, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009102390729822218 lr 0.001 test_loss: 0.0009586698433849961\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3307: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000911, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000911253085359931 lr 0.001 test_loss: 0.0009596890304237604\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3308: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009114572196267546 lr 0.001 test_loss: 0.0009612843859940767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3309: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009160910810654362 lr 0.001 test_loss: 0.000965972722042352\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3310: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009117330385682484 lr 0.001 test_loss: 0.0009578493190929294\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3311: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.00092, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009116742798748116 lr 0.001 test_loss: 0.0009574576979503036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3312: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000954, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009139148169197142 lr 0.001 test_loss: 0.0009605931991245598\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3313: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009107445521901052 lr 0.001 test_loss: 0.0009569256217218935\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3314: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000916, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009101070541267593 lr 0.001 test_loss: 0.0009591511625330895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3315: 100%|██████████| 15/15 [00:08<00:00, 1.82it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009118845569901169 lr 0.001 test_loss: 0.0009656311303842813\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3316: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000911, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009129714802838862 lr 0.001 test_loss: 0.0009613378206267953\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3317: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009089849462422232 lr 0.001 test_loss: 0.0009576575830578804\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3318: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009091868569763999 lr 0.001 test_loss: 0.0009609812404960394\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3319: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000918, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009116516953023772 lr 0.001 test_loss: 0.0009585998195689172\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3320: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009104123688302934 lr 0.001 test_loss: 0.0009572557464707643\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3321: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009098890741976599 lr 0.001 test_loss: 0.0009644250676501542\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3322: 100%|██████████| 15/15 [00:08<00:00, 1.81it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000909540584931771 lr 0.001 test_loss: 0.0009599745972082019\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3323: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009099778214779993 lr 0.001 test_loss: 0.0009584853250999004\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3324: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000923, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000911033945158124 lr 0.001 test_loss: 0.000956096948357299\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3325: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009086826234124601 lr 0.001 test_loss: 0.000957570766331628\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3326: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000911, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009091967367567122 lr 0.001 test_loss: 0.000958182499743998\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3327: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000922, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009098255347150067 lr 0.001 test_loss: 0.0009577324090059847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3328: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000910154120841374 lr 0.001 test_loss: 0.000956519361352548\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3329: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009096520952880383 lr 0.001 test_loss: 0.0009591752605047077\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3330: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009074061953773101 lr 0.001 test_loss: 0.000954768736846745\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3331: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009111380553804338 lr 0.001 test_loss: 0.0009551170223858207\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3332: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009052329890740415 lr 0.001 test_loss: 0.0009544637578073889\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3333: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000923, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009093659153829018 lr 0.001 test_loss: 0.000955766619881615\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3334: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000923, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000907843338791281 lr 0.001 test_loss: 0.0009588786342646927\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3335: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000923, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009091848701549073 lr 0.001 test_loss: 0.0009565702930558473\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3336: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000907334821143498 lr 0.001 test_loss: 0.0009573693387210369\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3337: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000953, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009129515266977251 lr 0.001 test_loss: 0.0009601397323422134\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3338: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009112439894427856 lr 0.001 test_loss: 0.0009560800390318036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3339: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000961, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009098422209111353 lr 0.001 test_loss: 0.0009551702241878957\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3340: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009097050759010016 lr 0.001 test_loss: 0.0009566087974235415\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3341: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000949, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009103919961489737 lr 0.001 test_loss: 0.0009622971410863101\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3342: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009087929734960199 lr 0.001 test_loss: 0.0009554999123793095\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3343: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000957, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009083389770239592 lr 0.001 test_loss: 0.0009540211176499724\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3344: 100%|██████████| 15/15 [00:08<00:00, 1.78it/s, loss=0.000922, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009075353465353449 lr 0.001 test_loss: 0.0009556397271808237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3345: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000943, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009070028861363729 lr 0.001 test_loss: 0.0009566961380187422\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3346: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000908730043253551 lr 0.001 test_loss: 0.0009556325676385313\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3347: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009097965395388504 lr 0.001 test_loss: 0.0009595251467544585\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3348: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009092865938631196 lr 0.001 test_loss: 0.0009572928247507662\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3349: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000929, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009098027832806111 lr 0.001 test_loss: 0.0009594745060894638\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3350: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009078629314899445 lr 0.001 test_loss: 0.0009560912731103599\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3351: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009068660011204581 lr 0.001 test_loss: 0.0009570188994985074\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3352: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000899, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009067575990532835 lr 0.001 test_loss: 0.0009551866387482733\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3353: 100%|██████████| 15/15 [00:08<00:00, 1.80it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009070270229130983 lr 0.001 test_loss: 0.0009541023464407772\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3354: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009080238562698165 lr 0.001 test_loss: 0.0009579073812346905\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3355: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009030800778418779 lr 0.001 test_loss: 0.0009521619067527354\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3356: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009040761855430901 lr 0.001 test_loss: 0.0009519637969788164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3357: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009065526692817609 lr 0.001 test_loss: 0.0009547063091304153\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3358: 100%|██████████| 15/15 [00:08<00:00, 1.79it/s, loss=0.000917, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009072639824201663 lr 0.001 test_loss: 0.0009600194753147662\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3359: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009069752724220355 lr 0.001 test_loss: 0.0009518439183011651\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3360: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.0009, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000904222228564322 lr 0.001 test_loss: 0.0009526749199721962\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3361: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009041436482220888 lr 0.001 test_loss: 0.0009561534970998764\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3362: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009070510587965449 lr 0.001 test_loss: 0.0009582711209077388\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3363: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009057945882280668 lr 0.001 test_loss: 0.0009503904148004949\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3364: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009019740973599255 lr 0.001 test_loss: 0.0009519461891613901\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3365: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009030954019787411 lr 0.001 test_loss: 0.0009522717446088791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3366: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.00093, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009062950926211973 lr 0.001 test_loss: 0.0009568945679347962\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3367: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000943, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009088792294884722 lr 0.001 test_loss: 0.000960198522079736\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3368: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000926, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009101101042081912 lr 0.001 test_loss: 0.0009580986807122827\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3369: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009047200127194325 lr 0.001 test_loss: 0.0009521950269117951\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3370: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000903364868524174 lr 0.001 test_loss: 0.0009542859916109592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3371: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000904, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009037901453363399 lr 0.001 test_loss: 0.0009500964661128819\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3372: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009026372339576483 lr 0.001 test_loss: 0.0009580994374118745\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3373: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009078214682328204 lr 0.001 test_loss: 0.0009571010014042258\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3374: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000904309229614834 lr 0.001 test_loss: 0.0009491066448390484\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3375: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009033530368469656 lr 0.001 test_loss: 0.0009588547400198877\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3376: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.0009, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009057019487954676 lr 0.001 test_loss: 0.0009529485541861504\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3377: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009058940030323962 lr 0.001 test_loss: 0.000949790672166273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3378: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000900935633884122 lr 0.001 test_loss: 0.0009504196350462735\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3379: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000901816269227614 lr 0.001 test_loss: 0.0009540090104565024\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3380: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000904237669116507 lr 0.001 test_loss: 0.0009508750517852604\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3381: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009041887009516358 lr 0.001 test_loss: 0.0009518341976217926\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3382: 100%|██████████| 15/15 [00:08<00:00, 1.77it/s, loss=0.000923, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009047052124515175 lr 0.001 test_loss: 0.0009522828040644526\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3383: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009036183978120486 lr 0.001 test_loss: 0.0009514404518995434\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3384: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009010938888726135 lr 0.001 test_loss: 0.0009554554126225412\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3385: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009047230123542249 lr 0.001 test_loss: 0.0009553513373248279\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3386: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009018198509390155 lr 0.001 test_loss: 0.0009534586861263961\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3387: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000900743897849073 lr 0.001 test_loss: 0.0009497588616795838\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3388: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009019184197920064 lr 0.001 test_loss: 0.0009545787761453539\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3389: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.00094, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009042675723321736 lr 0.001 test_loss: 0.0009535464632790536\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3390: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009028630796819925 lr 0.001 test_loss: 0.0009511830285191536\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3391: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000901656139952441 lr 0.001 test_loss: 0.000954224553424865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3392: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009005109624316295 lr 0.001 test_loss: 0.0009479941509198397\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3393: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009000349789857864 lr 0.001 test_loss: 0.0009511869575362653\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3394: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009008454546953241 lr 0.001 test_loss: 0.000949764798860997\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3395: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009031054059353967 lr 0.001 test_loss: 0.0009509974042885005\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3396: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000938, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009023428894579411 lr 0.001 test_loss: 0.0009517311991658062\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3397: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009007721052815517 lr 0.001 test_loss: 0.0009523427288513631\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3398: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008994660573080182 lr 0.001 test_loss: 0.0009499642183072865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3399: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009013582331438859 lr 0.001 test_loss: 0.0009570210531819612\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3400: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009028439371225734 lr 0.001 test_loss: 0.0009487899951636791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3401: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009026319409410158 lr 0.001 test_loss: 0.0009485488699283451\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3402: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.0009, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009018666382568578 lr 0.001 test_loss: 0.0009498621511738747\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3403: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009008816676214337 lr 0.001 test_loss: 0.0009506768838036805\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3404: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008993429752687613 lr 0.001 test_loss: 0.0009522359760012478\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3405: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008994324365630746 lr 0.001 test_loss: 0.0009505788329988718\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3406: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008983232352572182 lr 0.001 test_loss: 0.0009460021683480591\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3407: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008989530072237054 lr 0.001 test_loss: 0.0009502745815552771\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3408: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009009782147283356 lr 0.001 test_loss: 0.0009504910267423838\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3409: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009005960581513743 lr 0.001 test_loss: 0.0009470326185692102\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3410: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009003373056960602 lr 0.001 test_loss: 0.0009449458157178015\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3411: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008985976494538287 lr 0.001 test_loss: 0.0009473758400417864\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3412: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000911, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000898141658399254 lr 0.001 test_loss: 0.0009497714345343411\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3413: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000906, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008994259095440308 lr 0.001 test_loss: 0.0009460407600272447\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3414: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009012385193879406 lr 0.001 test_loss: 0.0009482012537773699\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3415: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009003336463744442 lr 0.001 test_loss: 0.0009486152557656169\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3416: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008988686798450848 lr 0.001 test_loss: 0.0009510171075817198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3417: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000908, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009029258081379037 lr 0.001 test_loss: 0.000957703567110002\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3418: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000941, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009043108283852537 lr 0.001 test_loss: 0.0009460878500249237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3419: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000912, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009019451371083657 lr 0.001 test_loss: 0.0009472522942814976\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3420: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008972921059466898 lr 0.001 test_loss: 0.0009466429764870554\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3421: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008981821437676747 lr 0.001 test_loss: 0.0009548579400870949\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3422: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009005662053823471 lr 0.001 test_loss: 0.0009496068814769387\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3423: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000918, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008984252073181172 lr 0.001 test_loss: 0.0009439083223696798\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3424: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008990041329525411 lr 0.001 test_loss: 0.0009460358996875584\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3425: 100%|██████████| 15/15 [00:08<00:00, 1.75it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008991037573044499 lr 0.001 test_loss: 0.0009486808266956359\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3426: 100%|██████████| 15/15 [00:08<00:00, 1.76it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008972582096854845 lr 0.001 test_loss: 0.0009409807389602065\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3427: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008958488043087225 lr 0.001 test_loss: 0.0009447373740840703\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3428: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008975810371339322 lr 0.001 test_loss: 0.000946222135098651\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3429: 100%|██████████| 15/15 [00:05<00:00, 2.92it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000897418175979207 lr 0.001 test_loss: 0.0009449679346289486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3430: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008962725987657905 lr 0.001 test_loss: 0.0009502301400061697\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3431: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008981050030949215 lr 0.001 test_loss: 0.0009460386063437909\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3432: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008978811791166663 lr 0.001 test_loss: 0.0009449036442674696\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3433: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008954849753839274 lr 0.001 test_loss: 0.0009436302934773266\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3434: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.00095, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000898590323049575 lr 0.001 test_loss: 0.0009420573187526315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3435: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008957237121649086 lr 0.001 test_loss: 0.0009443551243748516\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3436: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000897767161950469 lr 0.001 test_loss: 0.000947846652707085\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3437: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009002060318986575 lr 0.001 test_loss: 0.0009503488545306027\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3438: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0009004297511031231 lr 0.001 test_loss: 0.0009512678370811045\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3439: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008992601962139209 lr 0.001 test_loss: 0.0009470336372032762\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3440: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008973747569446763 lr 0.001 test_loss: 0.0009436577092856169\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3441: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008955477659280102 lr 0.001 test_loss: 0.0009429010387975723\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3442: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008964309856916467 lr 0.001 test_loss: 0.0009438849810976535\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3443: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000934, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008951744646765291 lr 0.001 test_loss: 0.0009417811816092581\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3444: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008954842885335287 lr 0.001 test_loss: 0.0009457978594582528\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3445: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008951094700023532 lr 0.001 test_loss: 0.0009466146293561906\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3446: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008967123809270561 lr 0.001 test_loss: 0.0009455971303395927\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3447: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008969997831930717 lr 0.001 test_loss: 0.0009426003671251237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3448: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008958807797171175 lr 0.001 test_loss: 0.000940529367653653\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3449: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000932, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008953046907360355 lr 0.001 test_loss: 0.0009418273693881929\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3450: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008960479559997717 lr 0.001 test_loss: 0.0009486112103331834\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3451: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000896015049268802 lr 0.001 test_loss: 0.0009457619744352996\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3452: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008955563961838682 lr 0.001 test_loss: 0.0009452151425648481\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3453: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008956716512329877 lr 0.001 test_loss: 0.0009456611587665975\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3454: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000894444416432331 lr 0.001 test_loss: 0.000943800201639533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3455: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008936225591848294 lr 0.001 test_loss: 0.0009425977768842131\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3456: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008936221051650743 lr 0.001 test_loss: 0.0009462278103455901\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3457: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008962125866673887 lr 0.001 test_loss: 0.0009450127254240215\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3458: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008944295773593088 lr 0.001 test_loss: 0.0009414128726348281\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3459: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000914, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008941666999210914 lr 0.001 test_loss: 0.0009440544235985726\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3460: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000933, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008944002523397406 lr 0.001 test_loss: 0.0009465742332395166\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3461: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008951293498588105 lr 0.001 test_loss: 0.0009458299609832466\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3462: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008946187018106382 lr 0.001 test_loss: 0.0009447531774640083\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3463: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008940388797782362 lr 0.001 test_loss: 0.0009407195611856878\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3464: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000892370423146834 lr 0.001 test_loss: 0.0009419592679478228\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3465: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000892778237660726 lr 0.001 test_loss: 0.0009434002276975662\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3466: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008942426803211372 lr 0.001 test_loss: 0.0009448235214222223\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3467: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008958646251509587 lr 0.001 test_loss: 0.0009419691632501781\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3468: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008969905242944757 lr 0.001 test_loss: 0.0009423475130461156\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3469: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000894349537945042 lr 0.001 test_loss: 0.000944708357565105\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3470: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008939761707248787 lr 0.001 test_loss: 0.0009434001985937357\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3471: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000908, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008931399051410456 lr 0.001 test_loss: 0.0009419826092198491\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3472: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000924, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008930866800559064 lr 0.001 test_loss: 0.0009417006804142147\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3473: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008930664781170587 lr 0.001 test_loss: 0.0009446928161196411\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3474: 100%|██████████| 15/15 [00:08<00:00, 1.73it/s, loss=0.000908, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008928078808821738 lr 0.001 test_loss: 0.0009409274789504707\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3475: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000891857163514942 lr 0.001 test_loss: 0.0009400762210134417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3476: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008933967367435495 lr 0.001 test_loss: 0.0009407981124240905\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3477: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000931, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008934958721511066 lr 0.001 test_loss: 0.0009439564018975943\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3478: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008933027274906635 lr 0.001 test_loss: 0.0009416400862392038\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3479: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008923333138227463 lr 0.001 test_loss: 0.000942184473387897\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3480: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008938356729534765 lr 0.001 test_loss: 0.000939412449952215\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3481: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.0009, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008916387334465981 lr 0.001 test_loss: 0.0009414193336851895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3482: 100%|██████████| 15/15 [00:08<00:00, 1.74it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00089275687156866 lr 0.001 test_loss: 0.0009407847246620804\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3483: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000918, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008933901592778663 lr 0.001 test_loss: 0.000942842656513676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3484: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008923393674194813 lr 0.001 test_loss: 0.0009364304132759571\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3485: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008881909307092428 lr 0.001 test_loss: 0.0009371834457851946\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3486: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000891670270357281 lr 0.001 test_loss: 0.000943495862884447\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3487: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008917201970083019 lr 0.001 test_loss: 0.0009406536119058728\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3488: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008936540572904051 lr 0.001 test_loss: 0.0009402550931554288\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3489: 100%|██████████| 15/15 [00:08<00:00, 1.72it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008893158752471209 lr 0.001 test_loss: 0.0009389245242346078\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3490: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000906, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000890595760817329 lr 0.001 test_loss: 0.0009398918191436678\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3491: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008911577130978306 lr 0.001 test_loss: 0.000938933138968423\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3492: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000904, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008924174316537876 lr 0.001 test_loss: 0.000941506470553577\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3493: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000891157635487616 lr 0.001 test_loss: 0.0009403596923220903\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3494: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008905138044307629 lr 0.001 test_loss: 0.0009412257350049913\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3495: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008912489439050357 lr 0.001 test_loss: 0.0009420693968422711\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3496: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000890745862852782 lr 0.001 test_loss: 0.000940558296861127\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3497: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008915781198690335 lr 0.001 test_loss: 0.0009401924908161163\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3498: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000892078197405984 lr 0.001 test_loss: 0.0009399550617672503\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3499: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000890970245624582 lr 0.001 test_loss: 0.0009393018553964794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3500: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008896179070385794 lr 0.001 test_loss: 0.0009382144489791244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3501: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000904, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000890327039329956 lr 0.001 test_loss: 0.0009386003366671503\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3502: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008877050519610444 lr 0.001 test_loss: 0.0009370080952066928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3503: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008886450979237755 lr 0.001 test_loss: 0.0009399182163178921\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3504: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008914682664908468 lr 0.001 test_loss: 0.0009366017766296864\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3505: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000906, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008901501617704829 lr 0.001 test_loss: 0.0009378333925269544\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3506: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008891672090006372 lr 0.001 test_loss: 0.0009381612471770495\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3507: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.00092, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008905073589024445 lr 0.001 test_loss: 0.0009370183979626745\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3508: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008922185787620644 lr 0.001 test_loss: 0.0009385340381413698\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3509: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008885706774890423 lr 0.001 test_loss: 0.000935478339670226\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3510: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008869244911087055 lr 0.001 test_loss: 0.0009382838907185942\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3511: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008894074941053987 lr 0.001 test_loss: 0.0009373850480187684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3512: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000888393660231183 lr 0.001 test_loss: 0.0009344324644189328\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3513: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008868762330772976 lr 0.001 test_loss: 0.0009373602224513888\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3514: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008881701971404255 lr 0.001 test_loss: 0.0009376985544804484\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3515: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008891948537590604 lr 0.001 test_loss: 0.0009385880548506975\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3516: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000889431689089785 lr 0.001 test_loss: 0.0009344707068521529\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3517: 100%|██████████| 15/15 [00:08<00:00, 1.71it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008865943062119185 lr 0.001 test_loss: 0.0009368594910483807\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3518: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008869369048625231 lr 0.001 test_loss: 0.0009374222136102617\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3519: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008886482294959327 lr 0.001 test_loss: 0.0009357307571917772\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3520: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000967, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008890704407046239 lr 0.001 test_loss: 0.000935386138735339\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3521: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008872655375550191 lr 0.001 test_loss: 0.0009381788840983063\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3522: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008886519974718491 lr 0.001 test_loss: 0.0009378162794746459\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3523: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008892627743383248 lr 0.001 test_loss: 0.000938824494369328\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3524: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008894213436481854 lr 0.001 test_loss: 0.0009360762778669596\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3525: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000921, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008890796103514731 lr 0.001 test_loss: 0.0009368069586344063\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3526: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008868355847274264 lr 0.001 test_loss: 0.0009320448152720928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3527: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000908, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000886660391309609 lr 0.001 test_loss: 0.0009337409574072808\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3528: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000889886151223133 lr 0.001 test_loss: 0.0009373447683174163\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3529: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008894244985034068 lr 0.001 test_loss: 0.000938187527935952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3530: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000888617072875301 lr 0.001 test_loss: 0.0009369226754643023\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3531: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008864934245745341 lr 0.001 test_loss: 0.0009353253117296845\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3532: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008866405308557054 lr 0.001 test_loss: 0.0009385094454046339\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3533: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008873892365954816 lr 0.001 test_loss: 0.0009327288717031479\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3534: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000884648699623843 lr 0.001 test_loss: 0.0009335364738944918\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3535: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008876350203839441 lr 0.001 test_loss: 0.0009366811427753419\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3536: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000887306802906096 lr 0.001 test_loss: 0.0009344647987745702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3537: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008847864810377359 lr 0.001 test_loss: 0.0009353912028018385\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3538: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.00092, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008881777874194085 lr 0.001 test_loss: 0.0009353021741844714\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3539: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008858995822568735 lr 0.001 test_loss: 0.0009342650009784847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3540: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000899, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008859249181114137 lr 0.001 test_loss: 0.0009330361208412796\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3541: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00088437437855949 lr 0.001 test_loss: 0.0009340578690171242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3542: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008877611719071866 lr 0.001 test_loss: 0.000938024400966242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3543: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008874776695544522 lr 0.001 test_loss: 0.0009336629300378263\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3544: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008835882336522143 lr 0.001 test_loss: 0.0009328721498604864\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3545: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008841802288467685 lr 0.001 test_loss: 0.0009347096784040332\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3546: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008846124634146691 lr 0.001 test_loss: 0.0009341868862975389\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3547: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008866609229395787 lr 0.001 test_loss: 0.0009354519424960017\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3548: 100%|██████████| 15/15 [00:08<00:00, 1.69it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008846750133670866 lr 0.001 test_loss: 0.0009353061905130744\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3549: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008865984932829936 lr 0.001 test_loss: 0.0009376352245453745\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3550: 100%|██████████| 15/15 [00:09<00:00, 1.67it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008881274183901648 lr 0.001 test_loss: 0.0009371742198709399\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3551: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000886149851915737 lr 0.001 test_loss: 0.0009341169788967818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3552: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008851460685643057 lr 0.001 test_loss: 0.0009366055892314762\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3553: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008851955722396572 lr 0.001 test_loss: 0.0009327904554083943\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3554: 100%|██████████| 15/15 [00:08<00:00, 1.70it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008824195014312863 lr 0.001 test_loss: 0.0009299169469159096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3555: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008824366261251271 lr 0.001 test_loss: 0.0009328291926067322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3556: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000902, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008849850196080904 lr 0.001 test_loss: 0.0009408135956618935\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3557: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000905, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008886646130122245 lr 0.001 test_loss: 0.0009359515679534525\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3558: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008860038787436981 lr 0.001 test_loss: 0.0009313946065958589\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3559: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008848597256777188 lr 0.001 test_loss: 0.0009331532928626984\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3560: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008840951952151955 lr 0.001 test_loss: 0.0009318111406173557\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3561: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008821651029090086 lr 0.001 test_loss: 0.0009352170745842159\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3562: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000919, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008849306303697328 lr 0.001 test_loss: 0.0009338381059933454\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3563: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008833152474835515 lr 0.001 test_loss: 0.0009348583116661757\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3564: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008830172087376316 lr 0.001 test_loss: 0.0009338558884337544\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3565: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008821163908578455 lr 0.001 test_loss: 0.0009266493725590408\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3566: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008838446888451775 lr 0.001 test_loss: 0.0009330631874036044\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3567: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008828565982791285 lr 0.001 test_loss: 0.0009314976050518453\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3568: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008839798703168829 lr 0.001 test_loss: 0.0009379224211443216\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3569: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000909, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008881777718973657 lr 0.001 test_loss: 0.0009365251753479242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3570: 100%|██████████| 15/15 [00:08<00:00, 1.68it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008845160637671749 lr 0.001 test_loss: 0.0009314096823800355\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3571: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000882660795468837 lr 0.001 test_loss: 0.0009304682316724211\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3572: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008818840491585433 lr 0.001 test_loss: 0.0009291978494729847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3573: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008825823431834578 lr 0.001 test_loss: 0.0009334231726825237\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3574: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008806584519334137 lr 0.001 test_loss: 0.0009301369136665016\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3575: 100%|██████████| 15/15 [00:05<00:00, 2.92it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008815856805692116 lr 0.001 test_loss: 0.0009285870473831892\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3576: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008810167550109327 lr 0.001 test_loss: 0.0009331536130048335\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3577: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.00091, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008836477645672858 lr 0.001 test_loss: 0.0009313984774053097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3578: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008816342606830101 lr 0.001 test_loss: 0.000930638489080593\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3579: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008818982751108706 lr 0.001 test_loss: 0.0009289717418141663\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3580: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008808747477208575 lr 0.001 test_loss: 0.0009334827191196382\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3581: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000897, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000881377801609536 lr 0.001 test_loss: 0.0009297213982790709\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3582: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008826158552741011 lr 0.001 test_loss: 0.0009330920584034175\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3583: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008831415791064501 lr 0.001 test_loss: 0.0009332240442745388\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3584: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008815963597347339 lr 0.001 test_loss: 0.0009288097789976746\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3585: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008799199868614475 lr 0.001 test_loss: 0.0009298576042056084\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3586: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008796254987828434 lr 0.001 test_loss: 0.00092978187603876\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3587: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008805831079371273 lr 0.001 test_loss: 0.0009276132041122764\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3588: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008799546825078627 lr 0.001 test_loss: 0.0009281151578761637\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3589: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008798767075253029 lr 0.001 test_loss: 0.0009275541524402797\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3590: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008799338519262771 lr 0.001 test_loss: 0.0009306679130531847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3591: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000856, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008791111681299905 lr 0.001 test_loss: 0.0009327239240519702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3592: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000899, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008810920951267084 lr 0.001 test_loss: 0.0009262415114790201\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3593: 100%|██████████| 15/15 [00:09<00:00, 1.67it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008798007504083217 lr 0.001 test_loss: 0.0009289548324886709\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3594: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008799221599474549 lr 0.001 test_loss: 0.0009306611609645188\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3595: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008805148419924081 lr 0.001 test_loss: 0.0009297852811869234\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3596: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008804077554183702 lr 0.001 test_loss: 0.0009256343764718622\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3597: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000915, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000880074652377516 lr 0.001 test_loss: 0.0009283304680138826\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3598: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008787627254302303 lr 0.001 test_loss: 0.000929297209950164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3599: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008796432327168683 lr 0.001 test_loss: 0.0009314057824667543\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3600: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008809203320803741 lr 0.001 test_loss: 0.0009345691942144185\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3601: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008814449965332945 lr 0.001 test_loss: 0.0009298324002884328\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3602: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008818555972538889 lr 0.001 test_loss: 0.0009306324063800275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3603: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008790951260986428 lr 0.001 test_loss: 0.0009287587599828839\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3604: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008794188150204718 lr 0.001 test_loss: 0.000925963104236871\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3605: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008785177565490206 lr 0.001 test_loss: 0.0009250473813153803\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3606: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008780469341824452 lr 0.001 test_loss: 0.0009276459168177098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3607: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008787375253935654 lr 0.001 test_loss: 0.0009307902655564249\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3608: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000880530767608434 lr 0.001 test_loss: 0.0009289457811973989\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3609: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008778821987410387 lr 0.001 test_loss: 0.0009286528802476823\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3610: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008783349301666021 lr 0.001 test_loss: 0.0009274396579712629\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3611: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008799714385531842 lr 0.001 test_loss: 0.000930989917833358\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3612: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008842516457661986 lr 0.001 test_loss: 0.0009529712842777371\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3613: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000895085841572533 lr 0.001 test_loss: 0.0009283010149374604\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3614: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000904, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008801173962031801 lr 0.001 test_loss: 0.0009275960910599679\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3615: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008777561442305644 lr 0.001 test_loss: 0.0009283625695388764\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3616: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008750115521252155 lr 0.001 test_loss: 0.0009232749580405653\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3617: 100%|██████████| 15/15 [00:09<00:00, 1.66it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008757083288704355 lr 0.001 test_loss: 0.0009254445612896234\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3618: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008763057878240943 lr 0.001 test_loss: 0.0009226759430021048\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3619: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008745884678016106 lr 0.001 test_loss: 0.0009235467587132007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3620: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008761388715356588 lr 0.001 test_loss: 0.0009238223428837955\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3621: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000856, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008756308389517169 lr 0.001 test_loss: 0.0009231629956047982\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3622: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008764962083660066 lr 0.001 test_loss: 0.000930098001845181\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3623: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008780776096197466 lr 0.001 test_loss: 0.0009278471407014877\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3624: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008764631619366507 lr 0.001 test_loss: 0.0009275487100239843\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3625: 100%|██████████| 15/15 [00:08<00:00, 1.67it/s, loss=0.000906, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008781281493914624 lr 0.001 test_loss: 0.0009243826498277485\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3626: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008764373992259304 lr 0.001 test_loss: 0.0009260881051886827\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3627: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008763252757489681 lr 0.001 test_loss: 0.0009237173362635076\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3628: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008767963581097622 lr 0.001 test_loss: 0.000922705396078527\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3629: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008748904413854083 lr 0.001 test_loss: 0.000923618208616972\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3630: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008763569795216124 lr 0.001 test_loss: 0.0009258419449906796\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3631: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000916, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008775950952743491 lr 0.001 test_loss: 0.0009258829231839627\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3632: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008756700321100652 lr 0.001 test_loss: 0.0009259033540729433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3633: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000928, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000878368904038022 lr 0.001 test_loss: 0.0009273370669689029\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3634: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000876242007749776 lr 0.001 test_loss: 0.0009234097378794104\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3635: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008747716201469302 lr 0.001 test_loss: 0.0009235739416908473\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3636: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008741262485273182 lr 0.001 test_loss: 0.0009257732890546322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3637: 100%|██████████| 15/15 [00:09<00:00, 1.65it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000875710971498241 lr 0.001 test_loss: 0.0009232029260601848\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3638: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008757102574842671 lr 0.001 test_loss: 0.0009250557341147214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3639: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000874672686525931 lr 0.001 test_loss: 0.0009264062682632357\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3640: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008752185230453809 lr 0.001 test_loss: 0.0009238525235559791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3641: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008750568764905134 lr 0.001 test_loss: 0.0009255016047973186\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3642: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008766070163498322 lr 0.001 test_loss: 0.0009270230075344443\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3643: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008752440218813718 lr 0.001 test_loss: 0.0009265498665627092\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3644: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008756010870759686 lr 0.001 test_loss: 0.0009250308212358505\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3645: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008753993005181352 lr 0.001 test_loss: 0.0009223752131219953\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3646: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000875609143016239 lr 0.001 test_loss: 0.0009280081430915743\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3647: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008762056512447695 lr 0.001 test_loss: 0.000930179056013003\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3648: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008779145854835708 lr 0.001 test_loss: 0.0009249919676221907\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3649: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008737286824422578 lr 0.001 test_loss: 0.000926179374800995\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3650: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008731023447277645 lr 0.001 test_loss: 0.0009275534539483488\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3651: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008758275303989649 lr 0.001 test_loss: 0.0009255506738554686\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3652: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000877938698977232 lr 0.001 test_loss: 0.0009264840628020465\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3653: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008763973445942004 lr 0.001 test_loss: 0.0009264904947485775\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3654: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000885, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008745083003304898 lr 0.001 test_loss: 0.0009218296618200839\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3655: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008730369348389407 lr 0.001 test_loss: 0.0009225634566973895\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3656: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008745153473379712 lr 0.001 test_loss: 0.0009237363119609654\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3657: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000906, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000874622049741447 lr 0.001 test_loss: 0.0009241101797670126\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3658: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008731854342234631 lr 0.001 test_loss: 0.000922463572351262\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3659: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008754841750487685 lr 0.001 test_loss: 0.0009243904496543109\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3660: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000886, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008758543874137104 lr 0.001 test_loss: 0.0009235000470653176\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3661: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008757386317787071 lr 0.001 test_loss: 0.0009245647815987468\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3662: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008741500438190997 lr 0.001 test_loss: 0.0009247905400115997\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3663: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008720207183311383 lr 0.001 test_loss: 0.0009198852640110999\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3664: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008719062781892717 lr 0.001 test_loss: 0.0009207508701365441\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3665: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008712413681981464 lr 0.001 test_loss: 0.000923254934605211\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3666: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008734683894241849 lr 0.001 test_loss: 0.0009176841122098267\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3667: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008708672559199234 lr 0.001 test_loss: 0.0009215158352162689\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3668: 100%|██████████| 15/15 [00:09<00:00, 1.64it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008724282146431505 lr 0.001 test_loss: 0.0009208205447066575\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3669: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000874260087342312 lr 0.001 test_loss: 0.0009266706474591047\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3670: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000873585301451385 lr 0.001 test_loss: 0.0009220100473612547\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3671: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008726833970285952 lr 0.001 test_loss: 0.0009250070143025368\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3672: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008724277024157346 lr 0.001 test_loss: 0.0009222573426086456\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3673: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008718868639941017 lr 0.001 test_loss: 0.0009246507252100855\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3674: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008728092419914901 lr 0.001 test_loss: 0.0009239448700100183\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3675: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008727160010797282 lr 0.001 test_loss: 0.0009228428243659437\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3676: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008750592397215466 lr 0.001 test_loss: 0.0009211280266754329\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3677: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008729631546884776 lr 0.001 test_loss: 0.0009224059467669576\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3678: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008733497505697111 lr 0.001 test_loss: 0.0009255219774786383\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3679: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008733245311304926 lr 0.001 test_loss: 0.0009265511180274189\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3680: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008729326422326267 lr 0.001 test_loss: 0.0009224632813129574\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3681: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000894, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000871417186378191 lr 0.001 test_loss: 0.0009283226390834898\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3682: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008740837103687227 lr 0.001 test_loss: 0.0009210875141434371\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3683: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008712810231372714 lr 0.001 test_loss: 0.0009231955336872488\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3684: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008697585551999509 lr 0.001 test_loss: 0.0009215606260113418\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3685: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008722247827487687 lr 0.001 test_loss: 0.0009231395670212805\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3686: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000856, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008723866776563227 lr 0.001 test_loss: 0.0009207760449498892\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3687: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000913, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008734073295878867 lr 0.001 test_loss: 0.000921397062484175\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3688: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008738487221611042 lr 0.001 test_loss: 0.0009256083576474339\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3689: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000871280701054881 lr 0.001 test_loss: 0.0009212661534547806\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3690: 100%|██████████| 15/15 [00:09<00:00, 1.63it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008695853757672012 lr 0.001 test_loss: 0.0009212402801495045\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3691: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008701026168030997 lr 0.001 test_loss: 0.0009216338803526014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3692: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008729207329452038 lr 0.001 test_loss: 0.0009220123756676912\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3693: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008728848537430167 lr 0.001 test_loss: 0.0009219677885994315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3694: 100%|██████████| 15/15 [00:09<00:00, 1.62it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008696081272015969 lr 0.001 test_loss: 0.0009190413984470069\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3695: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008700721897184849 lr 0.001 test_loss: 0.0009185833332594484\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3696: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000871461583301425 lr 0.001 test_loss: 0.0009226215188391507\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3697: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008719619324741264 lr 0.001 test_loss: 0.0009231455915141851\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3698: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008713708181555072 lr 0.001 test_loss: 0.0009205865499097854\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3699: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000901, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008717494085431099 lr 0.001 test_loss: 0.000919143290957436\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3700: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008681148290634155 lr 0.001 test_loss: 0.0009170605917461216\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3701: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008675163068498174 lr 0.001 test_loss: 0.000916933233384043\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3702: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008680140832439065 lr 0.001 test_loss: 0.0009206704271491617\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3703: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000871593124854068 lr 0.001 test_loss: 0.0009196121827699244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3704: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008691328461281955 lr 0.001 test_loss: 0.0009180389752145857\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3705: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000868413457646966 lr 0.001 test_loss: 0.0009187545219901949\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3706: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008687848225235939 lr 0.001 test_loss: 0.0009197807230520993\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3707: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008708012949985763 lr 0.001 test_loss: 0.0009194547892548144\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3708: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008677734838177761 lr 0.001 test_loss: 0.0009165762457996607\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3709: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008673365887564917 lr 0.001 test_loss: 0.0009152843267656863\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3710: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000869805160133789 lr 0.001 test_loss: 0.0009163647482637316\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3711: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008682644266324739 lr 0.001 test_loss: 0.0009209246491082013\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3712: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008716267378379902 lr 0.001 test_loss: 0.000917858473258093\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3713: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008705434078971545 lr 0.001 test_loss: 0.0009182380454149097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3714: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008691357099451125 lr 0.001 test_loss: 0.0009181314089801162\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3715: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008681062997008363 lr 0.001 test_loss: 0.00091749252169393\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3716: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008689340204000473 lr 0.001 test_loss: 0.0009187254181597382\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3717: 100%|██████████| 15/15 [00:09<00:00, 1.61it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008690916700288653 lr 0.001 test_loss: 0.0009199711203109473\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3718: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008669655653648078 lr 0.001 test_loss: 0.0009185800154227763\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3719: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008687940387365719 lr 0.001 test_loss: 0.0009200731874443591\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3720: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008674512539679805 lr 0.001 test_loss: 0.0009199448395520449\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3721: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008688122926590343 lr 0.001 test_loss: 0.0009186555107589811\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3722: 100%|██████████| 15/15 [00:05<00:00, 2.94it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008684362129618724 lr 0.001 test_loss: 0.0009165649826172739\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3723: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008676020273317894 lr 0.001 test_loss: 0.0009194226877298206\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3724: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008698638761416077 lr 0.001 test_loss: 0.0009167947864625603\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3725: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008682378761780758 lr 0.001 test_loss: 0.000918207282666117\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3726: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000866961603363355 lr 0.001 test_loss: 0.0009178831242024899\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3727: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008680371606412034 lr 0.001 test_loss: 0.0009153360733762383\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3728: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008665571532522639 lr 0.001 test_loss: 0.000915362237719819\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3729: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008657882921397686 lr 0.001 test_loss: 0.0009155102598015219\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3730: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008676925635275741 lr 0.001 test_loss: 0.0009148263197857887\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3731: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000881, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008643826702609658 lr 0.001 test_loss: 0.0009120530157815665\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3732: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008639447119397421 lr 0.001 test_loss: 0.00091326585970819\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3733: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000865102179038028 lr 0.001 test_loss: 0.0009176561434287578\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3734: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008656917799574633 lr 0.001 test_loss: 0.0009132783161476254\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3735: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008674364963856836 lr 0.001 test_loss: 0.0009172965364996344\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3736: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008704862906597554 lr 0.001 test_loss: 0.0009233656455762684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3737: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008707904877761999 lr 0.001 test_loss: 0.0009141945920418948\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3738: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008667420983935396 lr 0.001 test_loss: 0.0009160089830402285\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3739: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008655071103324493 lr 0.001 test_loss: 0.0009113185224123299\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3740: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000864335021469742 lr 0.001 test_loss: 0.00091691201669164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3741: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008655514800921082 lr 0.001 test_loss: 0.0009162631758954376\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3742: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008653907609793047 lr 0.001 test_loss: 0.0009138148161582649\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3743: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008651180154023071 lr 0.001 test_loss: 0.0009193912555929273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3744: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008670535792286197 lr 0.001 test_loss: 0.0009143635688815266\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3745: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008647618194421133 lr 0.001 test_loss: 0.0009158728062175214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3746: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008647889092875024 lr 0.001 test_loss: 0.0009140705515164882\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3747: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008644691358009974 lr 0.001 test_loss: 0.0009159015025943518\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3748: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008643230927797655 lr 0.001 test_loss: 0.0009137314336840063\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3749: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008658870278547208 lr 0.001 test_loss: 0.000915821292437613\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3750: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008652555174194276 lr 0.001 test_loss: 0.000919097859878093\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3751: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008662095060572028 lr 0.001 test_loss: 0.0009167972020804882\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3752: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008660842897370458 lr 0.001 test_loss: 0.0009171163837891072\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3753: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008633226544285814 lr 0.001 test_loss: 0.0009087008947972208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3754: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008624910027720034 lr 0.001 test_loss: 0.000917455239687115\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3755: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008657682066162427 lr 0.001 test_loss: 0.0009136743610724807\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3756: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008655620583643516 lr 0.001 test_loss: 0.0009136265143752098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3757: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008620391599833965 lr 0.001 test_loss: 0.0009116058645304292\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3758: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008617441053502262 lr 0.001 test_loss: 0.000912544724997133\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3759: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008634422711717586 lr 0.001 test_loss: 0.0009137687738984823\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3760: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008635815194187065 lr 0.001 test_loss: 0.000914150383323431\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3761: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000895, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008650621011232336 lr 0.001 test_loss: 0.0009139828907791525\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3762: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008656253184502323 lr 0.001 test_loss: 0.0009178998589050025\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3763: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008671984386940797 lr 0.001 test_loss: 0.0009170490957330912\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3764: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008662555405559639 lr 0.001 test_loss: 0.0009172272693831474\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3765: 100%|██████████| 15/15 [00:09<00:00, 1.59it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008672355247351031 lr 0.001 test_loss: 0.0009173295984510332\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3766: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008657838955211143 lr 0.001 test_loss: 0.0009129531099461019\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3767: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008629588875919581 lr 0.001 test_loss: 0.0009146178781520575\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3768: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008665024302899838 lr 0.001 test_loss: 0.0009181481727864593\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3769: 100%|██████████| 15/15 [00:09<00:00, 1.60it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008660105561527113 lr 0.001 test_loss: 0.0009165306983049959\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3770: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008654160308651626 lr 0.001 test_loss: 0.0009122940537054092\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3771: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008619286119937897 lr 0.001 test_loss: 0.0009098268346861005\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3772: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008601151717205842 lr 0.001 test_loss: 0.000913749448955059\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3773: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000861832476221025 lr 0.001 test_loss: 0.0009124174248427153\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3774: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.00089, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008645324657360712 lr 0.001 test_loss: 0.0009127204539254308\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3775: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008646766965587934 lr 0.001 test_loss: 0.0009162104106508195\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3776: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000863256825444599 lr 0.001 test_loss: 0.000911713286768645\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3777: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008616830920800567 lr 0.001 test_loss: 0.0009128621022682637\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3778: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008629434004736443 lr 0.001 test_loss: 0.0009117916924878955\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3779: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008607840165495873 lr 0.001 test_loss: 0.0009129235113505274\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3780: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008607206866145134 lr 0.001 test_loss: 0.0009126808727160096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3781: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008619635676344236 lr 0.001 test_loss: 0.0009113488486036658\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3782: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008645127294585109 lr 0.001 test_loss: 0.0009096891153603792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3783: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008625469985418021 lr 0.001 test_loss: 0.000911417359020561\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3784: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008613358639801542 lr 0.001 test_loss: 0.0009108061203733087\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3785: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008608745993115008 lr 0.001 test_loss: 0.0009118386078625917\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3786: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008624991945301493 lr 0.001 test_loss: 0.000911631912458688\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3787: 100%|██████████| 15/15 [00:09<00:00, 1.58it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000861950913288941 lr 0.001 test_loss: 0.0009139568428508937\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3788: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008650179641942183 lr 0.001 test_loss: 0.0009123245545197278\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3789: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00086360468606775 lr 0.001 test_loss: 0.0009111024555750191\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3790: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008612672255064051 lr 0.001 test_loss: 0.0009134021820500493\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3791: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008621544266740482 lr 0.001 test_loss: 0.0009097421425394714\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3792: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008608404120119909 lr 0.001 test_loss: 0.0009146531519945711\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3793: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000903, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008653441055988272 lr 0.001 test_loss: 0.0009114420099649578\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3794: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008610976006214817 lr 0.001 test_loss: 0.0009122510673478246\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3795: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008628789063853522 lr 0.001 test_loss: 0.0009121645998675376\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3796: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008608539161893228 lr 0.001 test_loss: 0.0009115232096519321\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3797: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008600752567872405 lr 0.001 test_loss: 0.0009057252900674939\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3798: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000892, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008604062721133232 lr 0.001 test_loss: 0.0009099563758354634\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3799: 100%|██████████| 15/15 [00:09<00:00, 1.57it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008613343893860777 lr 0.001 test_loss: 0.0009083478071261197\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3800: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000896, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008616835616218547 lr 0.001 test_loss: 0.0009109209931921214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3801: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008632080435442428 lr 0.001 test_loss: 0.0009117028093896806\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3802: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008633726392872632 lr 0.001 test_loss: 0.0009167410898953676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3803: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000907, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000865590568476667 lr 0.001 test_loss: 0.0009108237863983959\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3804: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008616580511443317 lr 0.001 test_loss: 0.0009143791394308209\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3805: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008615072894220551 lr 0.001 test_loss: 0.0009116123255807906\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3806: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008599436259828508 lr 0.001 test_loss: 0.0009113723936025053\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3807: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008590564675008257 lr 0.001 test_loss: 0.0009103343181777745\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3808: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008605568398100635 lr 0.001 test_loss: 0.0009106893558055162\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3809: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008618774746234219 lr 0.001 test_loss: 0.0009122798219323158\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3810: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008606455832098921 lr 0.001 test_loss: 0.0009091880347114056\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3811: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008604122403388222 lr 0.001 test_loss: 0.0009107417427003384\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3812: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008610573403226833 lr 0.001 test_loss: 0.0009130594844464213\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3813: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008601458393968642 lr 0.001 test_loss: 0.0009110286773648113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3814: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008587081334553659 lr 0.001 test_loss: 0.0009085198980756104\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3815: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008596170111559332 lr 0.001 test_loss: 0.0009080877644009888\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3816: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008593259068826834 lr 0.001 test_loss: 0.0009112765546888113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3817: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008603707848427196 lr 0.001 test_loss: 0.0009079737938009202\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3818: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008609064350215097 lr 0.001 test_loss: 0.0009084173652809113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3819: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008578894970317682 lr 0.001 test_loss: 0.000906905101146549\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3820: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008582306792959571 lr 0.001 test_loss: 0.0009102916810661554\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3821: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008589576619366805 lr 0.001 test_loss: 0.0009060331794898957\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3822: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008590352294656138 lr 0.001 test_loss: 0.0009089358209166676\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3823: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008568005791554849 lr 0.001 test_loss: 0.0009077061840798706\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3824: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008566946489736438 lr 0.001 test_loss: 0.0009087352373171598\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3825: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000858117057941854 lr 0.001 test_loss: 0.0009099166200030595\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3826: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008586155250668526 lr 0.001 test_loss: 0.0009095558780245483\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3827: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008554335140312712 lr 0.001 test_loss: 0.0009068460494745523\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3828: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008574396721087396 lr 0.001 test_loss: 0.0009050507505889982\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3829: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008564855243700247 lr 0.001 test_loss: 0.0009048040374182165\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3830: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008546177103805045 lr 0.001 test_loss: 0.000906649511307478\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3831: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008600734678717951 lr 0.001 test_loss: 0.0009121939074248075\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3832: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008593352783160905 lr 0.001 test_loss: 0.0009090886160265654\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3833: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008582880293639997 lr 0.001 test_loss: 0.0009078106377273798\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3834: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008573062058227758 lr 0.001 test_loss: 0.0009081356693059206\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3835: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008552461047656834 lr 0.001 test_loss: 0.0009080769959837198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3836: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008580018960249921 lr 0.001 test_loss: 0.0009046744962688535\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3837: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000855229915274928 lr 0.001 test_loss: 0.0009067630453500897\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3838: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008553575724363327 lr 0.001 test_loss: 0.0009076680289581418\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3839: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008546730813880761 lr 0.001 test_loss: 0.000903663196368143\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3840: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008567762405922015 lr 0.001 test_loss: 0.0009081586613319814\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3841: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008576817461289465 lr 0.001 test_loss: 0.0009055654227267951\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3842: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008566299725013475 lr 0.001 test_loss: 0.0009069875231944025\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3843: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008551804659267267 lr 0.001 test_loss: 0.0009080629970412701\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3844: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000876, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008574671034390727 lr 0.001 test_loss: 0.0009064424375537783\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3845: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008585549153697987 lr 0.001 test_loss: 0.0009062715398613364\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3846: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008577001513913274 lr 0.001 test_loss: 0.000904612650629133\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3847: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008575434641291698 lr 0.001 test_loss: 0.0009041884040925652\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3848: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008577471249736846 lr 0.001 test_loss: 0.0009089297673199326\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3849: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000857481798933198 lr 0.001 test_loss: 0.0009053714748006314\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3850: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008554278446050982 lr 0.001 test_loss: 0.0009079328156076372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3851: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008560086872118215 lr 0.001 test_loss: 0.0009052579989656806\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3852: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008572340205622216 lr 0.001 test_loss: 0.0009058538125827909\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3853: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008569542202167213 lr 0.001 test_loss: 0.0009055798873305321\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3854: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008591161613973479 lr 0.001 test_loss: 0.0009086847712751478\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3855: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008582012844271958 lr 0.001 test_loss: 0.0009118603484239429\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3856: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008566660961757104 lr 0.001 test_loss: 0.0009091620740946382\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3857: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008564701381449898 lr 0.001 test_loss: 0.0009068010840564966\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3858: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008556344468767445 lr 0.001 test_loss: 0.0009051113738678396\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3859: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008538536067741613 lr 0.001 test_loss: 0.0009066698839887977\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3860: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008535177330486476 lr 0.001 test_loss: 0.0009040296135935932\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3861: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008542028721421957 lr 0.001 test_loss: 0.0009051419910974801\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3862: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008566056261770427 lr 0.001 test_loss: 0.0009079983574338257\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3863: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000856913971559455 lr 0.001 test_loss: 0.000909465248696506\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3864: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008566944277845323 lr 0.001 test_loss: 0.0009029755310621113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3865: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008542401134036482 lr 0.001 test_loss: 0.0009021064615808427\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3866: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008557373308576644 lr 0.001 test_loss: 0.0009060600423254073\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3867: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008550032818069061 lr 0.001 test_loss: 0.0009042762685567141\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3868: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008549510346104702 lr 0.001 test_loss: 0.0009067976498045027\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3869: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008549545387116571 lr 0.001 test_loss: 0.0009029858047142625\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3870: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008552915377852817 lr 0.001 test_loss: 0.0009053868416231126\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3871: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000898, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008573383830177288 lr 0.001 test_loss: 0.0009048552892636508\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3872: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008564437855966389 lr 0.001 test_loss: 0.0009099653398152441\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3873: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000853808243603756 lr 0.001 test_loss: 0.0009009627974592149\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3874: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008546751380587617 lr 0.001 test_loss: 0.0009012266818899661\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3875: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008540291377964119 lr 0.001 test_loss: 0.0009036498668137938\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3876: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008520429216635724 lr 0.001 test_loss: 0.0009022797748912126\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3877: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008526287972927093 lr 0.001 test_loss: 0.0009050539520103484\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3878: 100%|██████████| 15/15 [00:09<00:00, 1.54it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008544251012305419 lr 0.001 test_loss: 0.0009117304289247841\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3879: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008570312677572171 lr 0.001 test_loss: 0.0009008753695525229\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3880: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008527990973864993 lr 0.001 test_loss: 0.0009056985727511346\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3881: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008539001923054456 lr 0.001 test_loss: 0.0009019081480801105\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3882: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008545975511272748 lr 0.001 test_loss: 0.0009055853297468275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3883: 100%|██████████| 15/15 [00:09<00:00, 1.56it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008537462485643725 lr 0.001 test_loss: 0.0009035215189214796\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3884: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008532746035295228 lr 0.001 test_loss: 0.0008991891809273511\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3885: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008490663060608009 lr 0.001 test_loss: 0.0009014284878503531\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3886: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008532061241567135 lr 0.001 test_loss: 0.0009038208518177271\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3887: 100%|██████████| 15/15 [00:09<00:00, 1.55it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008525354089215398 lr 0.001 test_loss: 0.0009050714725162834\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3888: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008534592731545368 lr 0.001 test_loss: 0.0009036684350576252\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3889: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008550868253223598 lr 0.001 test_loss: 0.0009021742444019765\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3890: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008511861902661622 lr 0.001 test_loss: 0.0008999324054457247\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3891: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008511428992884854 lr 0.001 test_loss: 0.0009045319457072765\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3892: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008520517187813918 lr 0.001 test_loss: 0.0009031375520862639\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3893: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008532925586526593 lr 0.001 test_loss: 0.0008983361185528338\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3894: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008503336110152304 lr 0.001 test_loss: 0.0008998872071970254\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3895: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008507958768556516 lr 0.001 test_loss: 0.0008989198540803045\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3896: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008520007715560496 lr 0.001 test_loss: 0.0009128626261372119\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3897: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00085613225819543 lr 0.001 test_loss: 0.0009106082143262029\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3898: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008554834368017812 lr 0.001 test_loss: 0.0009031695954035968\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3899: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008539186208508908 lr 0.001 test_loss: 0.0009036344126798213\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3900: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008520633719551067 lr 0.001 test_loss: 0.0009027312626130879\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3901: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008496189878011743 lr 0.001 test_loss: 0.0009059460426215082\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3902: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008533542122070988 lr 0.001 test_loss: 0.0009030901419464499\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3903: 100%|██████████| 15/15 [00:09<00:00, 1.52it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008508266919913392 lr 0.001 test_loss: 0.0009019785211421549\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3904: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008510551687019567 lr 0.001 test_loss: 0.0009019427816383541\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3905: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008520430147958298 lr 0.001 test_loss: 0.0009033411915879697\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3906: 100%|██████████| 15/15 [00:09<00:00, 1.53it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008510763756930829 lr 0.001 test_loss: 0.0009022802114486694\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3907: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008524443333347638 lr 0.001 test_loss: 0.0009014972019940615\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3908: 100%|██████████| 15/15 [00:10<00:00, 1.50it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008531483511130015 lr 0.001 test_loss: 0.0008988057088572532\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3909: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008507590236452718 lr 0.001 test_loss: 0.000898147962288931\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3910: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008495663991197943 lr 0.001 test_loss: 0.0009038291755132377\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3911: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008562477538362146 lr 0.001 test_loss: 0.0009040845616254956\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3912: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000891, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008532733462440471 lr 0.001 test_loss: 0.0008976736862678081\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3913: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008506077496955792 lr 0.001 test_loss: 0.0009019537537824363\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3914: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008510682693061729 lr 0.001 test_loss: 0.0009036156989168376\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3915: 100%|██████████| 15/15 [00:10<00:00, 1.50it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008513737004250288 lr 0.001 test_loss: 0.0008977241814136505\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3916: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008484989559898774 lr 0.001 test_loss: 0.0008988760237116367\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3917: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008498132461681962 lr 0.001 test_loss: 0.0008985992462839931\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3918: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000888, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008496970869600773 lr 0.001 test_loss: 0.0008977898978628218\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3919: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008495089520389835 lr 0.001 test_loss: 0.0008978082041721791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3920: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008488097810186446 lr 0.001 test_loss: 0.0008980296552181244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3921: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008473470069778462 lr 0.001 test_loss: 0.0009006756881717592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3922: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008483026021470626 lr 0.001 test_loss: 0.0009016872791107744\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3923: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008503122914892932 lr 0.001 test_loss: 0.0008992987277451903\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3924: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008496211414846281 lr 0.001 test_loss: 0.0009041132871061563\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3925: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008507016037280361 lr 0.001 test_loss: 0.0009061946184374392\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3926: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000851983103590707 lr 0.001 test_loss: 0.0008994965464808047\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3927: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008510027313604951 lr 0.001 test_loss: 0.0009030062356032431\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3928: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008495049201883376 lr 0.001 test_loss: 0.0009002150618471205\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3929: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008473042553911607 lr 0.001 test_loss: 0.0008977639663498849\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3930: 100%|██████████| 15/15 [00:09<00:00, 1.50it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008492897342269619 lr 0.001 test_loss: 0.0009012010414153337\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3931: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000848969561047852 lr 0.001 test_loss: 0.0008991749782580882\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3932: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000847789536540707 lr 0.001 test_loss: 0.0008995205862447619\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3933: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008494245470501482 lr 0.001 test_loss: 0.0008971429197117686\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3934: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008498710269729296 lr 0.001 test_loss: 0.0009036646515596658\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3935: 100%|██████████| 15/15 [00:09<00:00, 1.50it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008508267851235966 lr 0.001 test_loss: 0.0008987532637547702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3936: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008482752717100083 lr 0.001 test_loss: 0.0009005332831293344\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3937: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008498083179195721 lr 0.001 test_loss: 0.0008981590217445046\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3938: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008471505716443062 lr 0.001 test_loss: 0.0009000327554531395\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3939: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000882, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008520629062938194 lr 0.001 test_loss: 0.0009011294168885797\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3940: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008501274588828285 lr 0.001 test_loss: 0.0008957312966231257\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3941: 100%|██████████| 15/15 [00:09<00:00, 1.50it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008476368811291952 lr 0.001 test_loss: 0.0008966340101324022\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3942: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008484655874781311 lr 0.001 test_loss: 0.0008992103103082627\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3943: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008478317293338477 lr 0.001 test_loss: 0.000896700017619878\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3944: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008470038572947184 lr 0.001 test_loss: 0.0008961104031186551\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3945: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000847316087068369 lr 0.001 test_loss: 0.0008974748197942972\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3946: 100%|██████████| 15/15 [00:09<00:00, 1.51it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008476492327948411 lr 0.001 test_loss: 0.0008985819586087018\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3947: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008457967856278022 lr 0.001 test_loss: 0.0008977649267762899\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3948: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008468261182618638 lr 0.001 test_loss: 0.0008999737910926342\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3949: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008475822435381512 lr 0.001 test_loss: 0.0008986938337329775\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3950: 100%|██████████| 15/15 [00:10<00:00, 1.50it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008485149553356071 lr 0.001 test_loss: 0.0008979137928690761\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3951: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008490509702824056 lr 0.001 test_loss: 0.0008990190690383315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3952: 100%|██████████| 15/15 [00:10<00:00, 1.50it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008471135593329866 lr 0.001 test_loss: 0.0008960363920778036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3953: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000848380581010133 lr 0.001 test_loss: 0.0009024441533256322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3954: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000851073395460844 lr 0.001 test_loss: 0.0008970022900030017\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3955: 100%|██████████| 15/15 [00:09<00:00, 1.50it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008507367960798244 lr 0.001 test_loss: 0.0009013743256218731\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3956: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000893, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008509097232793768 lr 0.001 test_loss: 0.0009011421934701502\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3957: 100%|██████████| 15/15 [00:09<00:00, 1.50it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008484141125033299 lr 0.001 test_loss: 0.0008970466442406178\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3958: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008469667518511415 lr 0.001 test_loss: 0.0008956912206485868\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3959: 100%|██████████| 15/15 [00:10<00:00, 1.50it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008458861149847508 lr 0.001 test_loss: 0.0008954877266660333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3960: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008461373043246567 lr 0.001 test_loss: 0.0008993286464828998\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3961: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008468611010660728 lr 0.001 test_loss: 0.0008940069819800556\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3962: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000845370771518598 lr 0.001 test_loss: 0.0008956744568422437\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3963: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008460820225688318 lr 0.001 test_loss: 0.0008947404276113957\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3964: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008452321441533665 lr 0.001 test_loss: 0.0008978992991615087\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3965: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008473667665384709 lr 0.001 test_loss: 0.0008982561703305691\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3966: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008496499426352481 lr 0.001 test_loss: 0.0009031044319272041\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3967: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008487547747790813 lr 0.001 test_loss: 0.0008938410319387913\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3968: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008470672493179639 lr 0.001 test_loss: 0.0008955496014095843\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3969: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008468187763355673 lr 0.001 test_loss: 0.0008978027326520532\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3970: 100%|██████████| 15/15 [00:09<00:00, 1.50it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008462611042583982 lr 0.001 test_loss: 0.0008924549038056284\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3971: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008442381668525438 lr 0.001 test_loss: 0.0008951878699008375\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3972: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008467394509352744 lr 0.001 test_loss: 0.0008975583186838776\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3973: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000847132185784479 lr 0.001 test_loss: 0.0008961093553807586\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3974: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008471531871085366 lr 0.001 test_loss: 0.0008948208997026086\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3975: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008454783819615841 lr 0.001 test_loss: 0.000895442528417334\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3976: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008451212275152405 lr 0.001 test_loss: 0.0008960263803601265\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3977: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008461658959276974 lr 0.001 test_loss: 0.000894190015969798\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3978: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008450699388049543 lr 0.001 test_loss: 0.0008943701686803252\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3979: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000887, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008452395481678347 lr 0.001 test_loss: 0.0008954354852903634\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3980: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008449140392864744 lr 0.001 test_loss: 0.0008969330810941756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3981: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008456056006252765 lr 0.001 test_loss: 0.000891717238118872\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3982: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008460254408419132 lr 0.001 test_loss: 0.0008944736619014293\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3983: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008452499207730094 lr 0.001 test_loss: 0.0008924504509195685\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3984: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000869, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008459980289141337 lr 0.001 test_loss: 0.0008956035308074206\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3985: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008469552733004094 lr 0.001 test_loss: 0.0008934421348385513\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3986: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00088, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008461923183252414 lr 0.001 test_loss: 0.0008968882029876113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3987: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008466565632261336 lr 0.001 test_loss: 0.0008984442101791501\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3988: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008454089052975178 lr 0.001 test_loss: 0.0008942947024479508\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3989: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008444831861803929 lr 0.001 test_loss: 0.0008952880743891001\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3990: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008431953067580859 lr 0.001 test_loss: 0.0008941926353145391\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3991: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008431748176614443 lr 0.001 test_loss: 0.0008953075448516756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3992: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008448536042124033 lr 0.001 test_loss: 0.0008953593205660582\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3993: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008454215324794253 lr 0.001 test_loss: 0.0008965611341409385\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3994: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008462598741364976 lr 0.001 test_loss: 0.0008921518456190825\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3995: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008452358422800898 lr 0.001 test_loss: 0.0008973205403890461\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3996: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008433632203377784 lr 0.001 test_loss: 0.0008908912423066795\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3997: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008418884982044499 lr 0.001 test_loss: 0.0008945419976953417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3998: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008456887871337433 lr 0.001 test_loss: 0.0008948385657276958\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 3999: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008451116426537434 lr 0.001 test_loss: 0.0008987520704977214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4000: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000844922234925131 lr 0.001 test_loss: 0.0008975494420155883\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4001: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008463436737656593 lr 0.001 test_loss: 0.0009005306928884238\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4002: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008443048146242897 lr 0.001 test_loss: 0.0008897886436898261\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4003: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008427951446113487 lr 0.001 test_loss: 0.0008896329964045435\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4004: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008422199248646696 lr 0.001 test_loss: 0.0008962175052147359\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4005: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008418298559263349 lr 0.001 test_loss: 0.0008914268692024052\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4006: 100%|██████████| 15/15 [00:10<00:00, 1.49it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008426961993488173 lr 0.001 test_loss: 0.0008937328530009836\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4007: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008437827384720246 lr 0.001 test_loss: 0.000893188698682934\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4008: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008439258788712322 lr 0.001 test_loss: 0.0008935836958698928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4009: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008428861891540388 lr 0.001 test_loss: 0.0008902992121875286\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4010: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008423638685295979 lr 0.001 test_loss: 0.000893786404049024\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4011: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008432148645321528 lr 0.001 test_loss: 0.0008941065752878785\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4012: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008459793132108947 lr 0.001 test_loss: 0.0008967097091954201\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4013: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008461503777652979 lr 0.001 test_loss: 0.0008917395316530019\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4014: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000883, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008427139332828422 lr 0.001 test_loss: 0.0008926423324737698\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4015: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008422924942957859 lr 0.001 test_loss: 0.0008918902312871069\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4016: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000840923023254921 lr 0.001 test_loss: 0.0008902809058781713\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4017: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008423646717953186 lr 0.001 test_loss: 0.0008966918394435197\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4018: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008441919383282463 lr 0.001 test_loss: 0.0008900667016860098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4019: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008400437499706943 lr 0.001 test_loss: 0.0008896368090063334\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4020: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000840191193856299 lr 0.001 test_loss: 0.0008902703120838851\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4021: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008413629140704871 lr 0.001 test_loss: 0.0008931338670663536\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4022: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008408930889951687 lr 0.001 test_loss: 0.0008899207168724388\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4023: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008401921717450022 lr 0.001 test_loss: 0.0008944972942117602\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4024: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000841455883346498 lr 0.001 test_loss: 0.0008922642737161368\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4025: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008414838773508867 lr 0.001 test_loss: 0.0008909642056096345\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4026: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008398562359313171 lr 0.001 test_loss: 0.000891325471457094\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4027: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008407223698062202 lr 0.001 test_loss: 0.000895635865163058\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4028: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008448757347650826 lr 0.001 test_loss: 0.0008958061807788908\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4029: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008433159557171166 lr 0.001 test_loss: 0.0008917958766687661\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4030: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000843201542738825 lr 0.001 test_loss: 0.0008901235414668918\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4031: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008407725758540134 lr 0.001 test_loss: 0.0008896447252482176\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4032: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008408464763003091 lr 0.001 test_loss: 0.0008917194791138172\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4033: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000863, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008408170271043976 lr 0.001 test_loss: 0.0008922047854866832\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4034: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008431103080511094 lr 0.001 test_loss: 0.0008938046812545508\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4035: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008431842007363836 lr 0.001 test_loss: 0.0008918734674807638\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4036: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000866, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008416528541905185 lr 0.001 test_loss: 0.0008911392651498318\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4037: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008426607392417888 lr 0.001 test_loss: 0.0008921268163248897\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4038: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008417062694206834 lr 0.001 test_loss: 0.0008927465241868049\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4039: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008418383697668711 lr 0.001 test_loss: 0.0008933771459851414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4040: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000839836779050529 lr 0.001 test_loss: 0.000891555508133024\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4041: 100%|██████████| 15/15 [00:05<00:00, 2.73it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008401817758567631 lr 0.001 test_loss: 0.0008886612777132541\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4042: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008405514992773533 lr 0.001 test_loss: 0.0008888790907803923\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4043: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008375579336037238 lr 0.001 test_loss: 0.0008864094561431557\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4044: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008379150570059816 lr 0.001 test_loss: 0.0008874172635842115\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4045: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008396303319993119 lr 0.001 test_loss: 0.0008900245011318475\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4046: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008394627133384347 lr 0.001 test_loss: 0.0008909497119020671\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4047: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008397008602817853 lr 0.001 test_loss: 0.0008905772992875427\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4048: 100%|██████████| 15/15 [00:05<00:00, 2.75it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008417345001362264 lr 0.001 test_loss: 0.0008917501254472882\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4049: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008411243790760637 lr 0.001 test_loss: 0.0008922980341594666\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4050: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008399451461931069 lr 0.001 test_loss: 0.0008948628965299577\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4051: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000867, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008404880568074684 lr 0.001 test_loss: 0.0008933502249419689\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4052: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008406072622165084 lr 0.001 test_loss: 0.000888152833795175\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4053: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008391954548036058 lr 0.001 test_loss: 0.0008866449643392116\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4054: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008375977903294067 lr 0.001 test_loss: 0.0008898755768314004\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4055: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008389130545159181 lr 0.001 test_loss: 0.0008889658492989838\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4056: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008399555420813462 lr 0.001 test_loss: 0.0008891256002243608\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4057: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008403462396624188 lr 0.001 test_loss: 0.0008920527761802077\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4058: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008409451887321969 lr 0.001 test_loss: 0.0008897773222997785\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4059: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008378277920807402 lr 0.001 test_loss: 0.000888668728293851\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4060: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008375910925678909 lr 0.001 test_loss: 0.000884866516571492\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4061: 100%|██████████| 15/15 [00:10<00:00, 1.47it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008368289020533363 lr 0.001 test_loss: 0.0008883335103746504\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4062: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000839001937614133 lr 0.001 test_loss: 0.0008903068373911083\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4063: 100%|██████████| 15/15 [00:10<00:00, 1.48it/s, loss=0.000875, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008387462352402508 lr 0.001 test_loss: 0.0008879062661435455\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4064: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008371087800090512 lr 0.001 test_loss: 0.0008856626227498055\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4065: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008381411200389266 lr 0.001 test_loss: 0.0008845204720273614\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4066: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008355681745645901 lr 0.001 test_loss: 0.0008870004676282406\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4067: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008362814551219344 lr 0.001 test_loss: 0.0008849304285831749\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4068: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008377179348220428 lr 0.001 test_loss: 0.0008862219692673534\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4069: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008389382623136043 lr 0.001 test_loss: 0.0008872867620084435\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4070: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000835844090518852 lr 0.001 test_loss: 0.0008904956339392811\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4071: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000861, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008378951461054385 lr 0.001 test_loss: 0.00089097666204907\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4072: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008395166407960156 lr 0.001 test_loss: 0.0008883358095772564\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4073: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008395766412528853 lr 0.001 test_loss: 0.0008899449894670397\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4074: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008411497964213292 lr 0.001 test_loss: 0.0008901580004021525\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4075: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008388661119776467 lr 0.001 test_loss: 0.0008876161009538919\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4076: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008389183591740826 lr 0.001 test_loss: 0.0008836032939143479\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4077: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008353946458858748 lr 0.001 test_loss: 0.0008856394269969314\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4078: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000836881265665094 lr 0.001 test_loss: 0.0008886051655281335\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4079: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008368368609808386 lr 0.001 test_loss: 0.0008878145890776068\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4080: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008371855869578819 lr 0.001 test_loss: 0.0008853495237417519\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4081: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000834982543407629 lr 0.001 test_loss: 0.0008869625453371555\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4082: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008358165350121756 lr 0.001 test_loss: 0.0008893826161511242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4083: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008365798857994378 lr 0.001 test_loss: 0.0008886820287443697\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4084: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008356652222573757 lr 0.001 test_loss: 0.0008855590713210404\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4085: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000835378320577244 lr 0.001 test_loss: 0.000885783025296405\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4086: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000884, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008394318749196828 lr 0.001 test_loss: 0.0008884184644557536\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4087: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008367530885152519 lr 0.001 test_loss: 0.0008856057247612625\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4088: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008359089299725989 lr 0.001 test_loss: 0.0008831018931232393\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4089: 100%|██████████| 15/15 [00:05<00:00, 2.75it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008370066915328304 lr 0.001 test_loss: 0.0008852139872033149\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4090: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008368034730665385 lr 0.001 test_loss: 0.0008854258339852095\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4091: 100%|██████████| 15/15 [00:05<00:00, 2.92it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008362822777902086 lr 0.001 test_loss: 0.0008864423434715718\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4092: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000868, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008367412840016187 lr 0.001 test_loss: 0.0008904846908990294\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4093: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008360206459959348 lr 0.001 test_loss: 0.0008840077207423747\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4094: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008366833867815633 lr 0.001 test_loss: 0.0008819855866022408\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4095: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008339215768501162 lr 0.001 test_loss: 0.0008832737512420863\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4096: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008355632851210733 lr 0.001 test_loss: 0.00088539719581604\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4097: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008356200569930176 lr 0.001 test_loss: 0.0008866245625540614\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4098: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000835100053033481 lr 0.001 test_loss: 0.0008897703373804688\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4099: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000877, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008390110684558749 lr 0.001 test_loss: 0.0008891812176443636\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4100: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008372317727965614 lr 0.001 test_loss: 0.0008878810913302004\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4101: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000856, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008373955070662002 lr 0.001 test_loss: 0.0008827108540572226\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4102: 100%|██████████| 15/15 [00:10<00:00, 1.46it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008368999037581186 lr 0.001 test_loss: 0.0008830298611428589\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4103: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008367028747064372 lr 0.001 test_loss: 0.0008846196578815579\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4104: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008351877603369455 lr 0.001 test_loss: 0.0008845107513479888\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4105: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008347309970607361 lr 0.001 test_loss: 0.0008894139900803566\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4106: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000836302029589812 lr 0.001 test_loss: 0.0008823935640975833\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4107: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008338883829613527 lr 0.001 test_loss: 0.0008886381110642105\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4108: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000864, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008377013650412361 lr 0.001 test_loss: 0.0008865476702339947\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4109: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008334675105288625 lr 0.001 test_loss: 0.0008846349956002086\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4110: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008388286029609541 lr 0.001 test_loss: 0.0008948368486016989\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4111: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008373827712299923 lr 0.001 test_loss: 0.0008839201473165303\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4112: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008342431780571739 lr 0.001 test_loss: 0.0008849079895298928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4113: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008332234690897166 lr 0.001 test_loss: 0.000884607812622562\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4114: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008329580809610586 lr 0.001 test_loss: 0.0008823942043818533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4115: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008336705039255321 lr 0.001 test_loss: 0.0008846040873322636\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4116: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008350541892771919 lr 0.001 test_loss: 0.0008870377496350557\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4117: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008386594359762967 lr 0.001 test_loss: 0.0008822105301078409\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4118: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008349384530447424 lr 0.001 test_loss: 0.0008826679259072989\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4119: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000834215998960038 lr 0.001 test_loss: 0.0008793583838269114\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4120: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000835196627303958 lr 0.001 test_loss: 0.0008833840256556869\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4121: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008341337709377209 lr 0.001 test_loss: 0.0008853801118675619\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4122: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000873, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008355066335449616 lr 0.001 test_loss: 0.0008842604293022305\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4123: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008330338324109714 lr 0.001 test_loss: 0.0008833018655423075\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4124: 100%|██████████| 15/15 [00:10<00:00, 1.45it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008333728997968137 lr 0.001 test_loss: 0.0008810503350105137\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4125: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000872, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008354266174137592 lr 0.001 test_loss: 0.0008885586285032332\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4126: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008351464173756539 lr 0.001 test_loss: 0.0008837169734761119\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4127: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008334775261270503 lr 0.001 test_loss: 0.0008851642196532339\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4128: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008347907142403226 lr 0.001 test_loss: 0.0008861549140419811\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4129: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008348002680577338 lr 0.001 test_loss: 0.0008847885765135288\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4130: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008330472162924707 lr 0.001 test_loss: 0.0008854911720845848\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4131: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000833318755030632 lr 0.001 test_loss: 0.0008834763721097261\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4132: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008317496278323234 lr 0.001 test_loss: 0.0008824948163237423\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4133: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008329871809110046 lr 0.001 test_loss: 0.0008827656274661422\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4134: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008318496169522404 lr 0.001 test_loss: 0.0008842532406561077\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4135: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008360274252481759 lr 0.001 test_loss: 0.0008853685867507011\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4136: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008325902667517464 lr 0.001 test_loss: 0.0008824813412502408\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4137: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008326061263990899 lr 0.001 test_loss: 0.000887036818312481\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4138: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008339507776933412 lr 0.001 test_loss: 0.0008873725601006299\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4139: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000833404859683166 lr 0.001 test_loss: 0.0008838364738039672\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4140: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008333157553958396 lr 0.001 test_loss: 0.0008834254986140877\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4141: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008311787232135732 lr 0.001 test_loss: 0.0008852190512698144\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4142: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008325286908075213 lr 0.001 test_loss: 0.0008822226664051414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4143: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000832960979702572 lr 0.001 test_loss: 0.0008847619756124914\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4144: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008337072135570149 lr 0.001 test_loss: 0.0008843362156767398\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4145: 100%|██████████| 15/15 [00:05<00:00, 2.75it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008327985686870913 lr 0.001 test_loss: 0.0008784073579590768\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4146: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008297677074248592 lr 0.001 test_loss: 0.0008796975598670542\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4147: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008309436302321653 lr 0.001 test_loss: 0.0008804610988590866\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4148: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000831798801664263 lr 0.001 test_loss: 0.0008816868939902633\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4149: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008340705069713294 lr 0.001 test_loss: 0.000883708184119314\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4150: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008337760344147682 lr 0.001 test_loss: 0.0008843247196637094\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4151: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008316709815214077 lr 0.001 test_loss: 0.0008834900509100407\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4152: 100%|██████████| 15/15 [00:05<00:00, 2.72it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008327449671924114 lr 0.001 test_loss: 0.0008834833279252052\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4153: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008329801649476092 lr 0.001 test_loss: 0.0008812157611828297\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4154: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000831811308550338 lr 0.001 test_loss: 0.0008812208252493292\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4155: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008320058152700464 lr 0.001 test_loss: 0.0008816700137685984\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4156: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008338464695649843 lr 0.001 test_loss: 0.0008848100551404059\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4157: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008326829760335386 lr 0.001 test_loss: 0.0008824800315778702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4158: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000879, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008329539326950907 lr 0.001 test_loss: 0.0008831248851493001\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4159: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008309631647231678 lr 0.001 test_loss: 0.0008839183137752116\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4160: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00083326743527626 lr 0.001 test_loss: 0.0008846230630297214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4161: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008318917321351667 lr 0.001 test_loss: 0.000880116451298818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4162: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008290007632846633 lr 0.001 test_loss: 0.0008810731233097613\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4163: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008300466656995316 lr 0.001 test_loss: 0.0008849278674460948\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4164: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000878, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008321261770712833 lr 0.001 test_loss: 0.0008806292898952961\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4165: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000831866345833987 lr 0.001 test_loss: 0.0008826232515275478\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4166: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008331428243157764 lr 0.001 test_loss: 0.0008802464581094682\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4167: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008295388232606153 lr 0.001 test_loss: 0.0008795005560386926\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4168: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008306054902883867 lr 0.001 test_loss: 0.0008778474002610892\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4169: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008293269473748903 lr 0.001 test_loss: 0.0008824925753287971\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4170: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008308777624430756 lr 0.001 test_loss: 0.0008792804437689483\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4171: 100%|██████████| 15/15 [00:10<00:00, 1.43it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008300864176514248 lr 0.001 test_loss: 0.0008810787694528699\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4172: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008310130642106135 lr 0.001 test_loss: 0.0008819164067972451\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4173: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008315343564997117 lr 0.001 test_loss: 0.0008803429955150932\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4174: 100%|██████████| 15/15 [00:05<00:00, 2.73it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008304776701455314 lr 0.001 test_loss: 0.0008783985103946179\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4175: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000856, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008291064063087106 lr 0.001 test_loss: 0.0008821079682093114\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4176: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000889, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008338907539534072 lr 0.001 test_loss: 0.0008830905135255307\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4177: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008334256863842408 lr 0.001 test_loss: 0.0008851074962876737\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4178: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008325744885951281 lr 0.001 test_loss: 0.0008820341317914426\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4179: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000865, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008333055612941583 lr 0.001 test_loss: 0.0008787899278104305\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4180: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008298137380431096 lr 0.001 test_loss: 0.0008789626590441912\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4181: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008292718751666447 lr 0.001 test_loss: 0.0008802781521808356\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4182: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008280839344176153 lr 0.001 test_loss: 0.0008782917284406722\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4183: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008268879532503585 lr 0.001 test_loss: 0.000876800186233595\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4184: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008287727017886936 lr 0.001 test_loss: 0.0008810755680315197\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4185: 100%|██████████| 15/15 [00:10<00:00, 1.44it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008296248231393596 lr 0.001 test_loss: 0.0008766011451371014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4186: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008284594786042969 lr 0.001 test_loss: 0.000879650266142562\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4187: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000858, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008279309336406489 lr 0.001 test_loss: 0.0008751802088227123\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4188: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000827544341639926 lr 0.001 test_loss: 0.0008792582957539707\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4189: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008260744623839855 lr 0.001 test_loss: 0.0008777372713666409\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4190: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008286781803083916 lr 0.001 test_loss: 0.0008843904943205416\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4191: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008290017256513238 lr 0.001 test_loss: 0.0008776793256402016\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4192: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000862, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008283620428604384 lr 0.001 test_loss: 0.0008773034496698529\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4193: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008253944804891943 lr 0.001 test_loss: 0.0008756938623264432\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4194: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008268571730392674 lr 0.001 test_loss: 0.0008764471276663244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4195: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008298904324571291 lr 0.001 test_loss: 0.00087738610454835\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4196: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008291001276423533 lr 0.001 test_loss: 0.0008817781636025757\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4197: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000829695522164305 lr 0.001 test_loss: 0.0008821660303510725\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4198: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00082979384654512 lr 0.001 test_loss: 0.0008760240161791444\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4199: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008262139046564699 lr 0.001 test_loss: 0.0008750784327276051\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4200: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.00087, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008267272807036837 lr 0.001 test_loss: 0.0008762787329033017\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4201: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008268990670330823 lr 0.001 test_loss: 0.0008778150950092822\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4202: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008279820865330597 lr 0.001 test_loss: 0.0008774744637776166\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4203: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008286464842967689 lr 0.001 test_loss: 0.0008771356660872698\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4204: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008284550548220674 lr 0.001 test_loss: 0.0008763717778492719\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4205: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008301436280210813 lr 0.001 test_loss: 0.0008791674626991153\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4206: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008289849113983413 lr 0.001 test_loss: 0.0008779933559708297\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4207: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008300355286337436 lr 0.001 test_loss: 0.0008760119089856744\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4208: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008285145585735638 lr 0.001 test_loss: 0.000878154969541356\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4209: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008283797729139526 lr 0.001 test_loss: 0.0008788727282080799\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4210: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008274114457890392 lr 0.001 test_loss: 0.000878222519531846\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4211: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008273200481198728 lr 0.001 test_loss: 0.0008809935243334621\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4212: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008277240286891659 lr 0.001 test_loss: 0.0008775719907134771\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4213: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008274469602232178 lr 0.001 test_loss: 0.0008762580982875079\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4214: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008267252744796375 lr 0.001 test_loss: 0.0008776173635851592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4215: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008259160909801722 lr 0.001 test_loss: 0.0008741820929571986\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4216: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008254324629281957 lr 0.001 test_loss: 0.0008768080733716488\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4217: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008262292947620153 lr 0.001 test_loss: 0.0008785570680629462\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4218: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008257002802565694 lr 0.001 test_loss: 0.0008755035814829171\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4219: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008263647168253858 lr 0.001 test_loss: 0.0008755400776863098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4220: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008252372033894062 lr 0.001 test_loss: 0.0008748370164539665\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4221: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008266550838015973 lr 0.001 test_loss: 0.0008753016591072083\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4222: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008252406570439537 lr 0.001 test_loss: 0.0008760157215874642\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4223: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008254463473955791 lr 0.001 test_loss: 0.0008745462982915342\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4224: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000874, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008277336717583239 lr 0.001 test_loss: 0.0008766609826125205\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4225: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000827256659977138 lr 0.001 test_loss: 0.0008772923611104488\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4226: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008283260472429295 lr 0.001 test_loss: 0.0008787023834884167\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4227: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000828608936474969 lr 0.001 test_loss: 0.0008786453690845519\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4228: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008281150716356933 lr 0.001 test_loss: 0.0008800970390439034\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4229: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008288575297531982 lr 0.001 test_loss: 0.0008768475672695786\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4230: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008273576037026942 lr 0.001 test_loss: 0.0008763253572396934\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4231: 100%|██████████| 15/15 [00:10<00:00, 1.41it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008249784276510278 lr 0.001 test_loss: 0.0008756557072047144\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4232: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008250388355615239 lr 0.001 test_loss: 0.0008743683574721217\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4233: 100%|██████████| 15/15 [00:10<00:00, 1.42it/s, loss=0.000859, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008271244082910319 lr 0.001 test_loss: 0.00087624994921498\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4234: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008272816737492879 lr 0.001 test_loss: 0.0008771200955379754\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4235: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008244900265708566 lr 0.001 test_loss: 0.0008758188632782549\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4236: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008246825037834545 lr 0.001 test_loss: 0.0008732666319701821\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4237: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008246261238430937 lr 0.001 test_loss: 0.000873001670697704\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4238: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008237754344008863 lr 0.001 test_loss: 0.000875006167916581\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4239: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008253168780356646 lr 0.001 test_loss: 0.000877784623298794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4240: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008272365007239084 lr 0.001 test_loss: 0.0008764987287577242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4241: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008250057580880821 lr 0.001 test_loss: 0.0008727327222004533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4242: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008237405602509777 lr 0.001 test_loss: 0.0008767908730078489\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4243: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008238831690202157 lr 0.001 test_loss: 0.0008762185461819172\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4244: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008253060009640952 lr 0.001 test_loss: 0.0008727481763344258\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4245: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008263405373630425 lr 0.001 test_loss: 0.0008797922637313604\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4246: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008254824827114741 lr 0.001 test_loss: 0.0008747263054829091\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4247: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008276859880425036 lr 0.001 test_loss: 0.0008796399924904108\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4248: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000826435435252885 lr 0.001 test_loss: 0.0008758676995057613\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4249: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008267090112591783 lr 0.001 test_loss: 0.0008771496941335499\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4250: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008251514441023271 lr 0.001 test_loss: 0.0008769330161157995\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4251: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008225042877408365 lr 0.001 test_loss: 0.0008720777987036854\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4252: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008238038824250301 lr 0.001 test_loss: 0.0008772453002166003\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4253: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008254066730539004 lr 0.001 test_loss: 0.0008740536868572235\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4254: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008223556253748635 lr 0.001 test_loss: 0.0008707842789590359\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4255: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008223563937159877 lr 0.001 test_loss: 0.0008722289639990777\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4256: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008239644230343401 lr 0.001 test_loss: 0.0008729541732463986\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4257: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008237700792960822 lr 0.001 test_loss: 0.0008780335483606905\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4258: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000825788825750351 lr 0.001 test_loss: 0.0008755863236729056\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4259: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008233016744876901 lr 0.001 test_loss: 0.0008754352165851742\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4260: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008228207084660728 lr 0.001 test_loss: 0.0008716813172213733\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4261: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008236404197911421 lr 0.001 test_loss: 0.0008746300300117582\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4262: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008230156109978755 lr 0.001 test_loss: 0.0008699827885720879\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4263: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008236307068727911 lr 0.001 test_loss: 0.0008719541365280747\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4264: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008240570003787677 lr 0.001 test_loss: 0.0008754890295676887\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4265: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008232130164590975 lr 0.001 test_loss: 0.000873381388373673\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4266: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008232047548517585 lr 0.001 test_loss: 0.0008711447298992425\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4267: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008226569586743911 lr 0.001 test_loss: 0.0008715814037714154\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4268: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008228397734152774 lr 0.001 test_loss: 0.0008729376422706991\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4269: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008210347965359688 lr 0.001 test_loss: 0.0008721462800167501\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4270: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008234203715498249 lr 0.001 test_loss: 0.0008706113148946315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4271: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008228534560961027 lr 0.001 test_loss: 0.0008768865664023906\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4272: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008238873832548658 lr 0.001 test_loss: 0.000875428260769695\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4273: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008257177891209721 lr 0.001 test_loss: 0.0008699735044501722\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4274: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000849, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008222252479754388 lr 0.001 test_loss: 0.0008739914046600461\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4275: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008236956239367525 lr 0.001 test_loss: 0.0008745964150875807\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4276: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008237288372280697 lr 0.001 test_loss: 0.0008728076645638794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4277: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000854, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008229977063213786 lr 0.001 test_loss: 0.0008746028761379421\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4278: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008227866841480136 lr 0.001 test_loss: 0.0008755904564168304\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4279: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008235919871367514 lr 0.001 test_loss: 0.0008757439500186592\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4280: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008244582257854442 lr 0.001 test_loss: 0.0008766388345975429\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4281: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008259876708810528 lr 0.001 test_loss: 0.000875537924002856\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4282: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008251360113111635 lr 0.001 test_loss: 0.0008724056533537805\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4283: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000821211786630253 lr 0.001 test_loss: 0.0008734963194001466\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4284: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008209301042370499 lr 0.001 test_loss: 0.0008700428006704897\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4285: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008218034403398633 lr 0.001 test_loss: 0.0008705552900210023\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4286: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008216145215556026 lr 0.001 test_loss: 0.0008715443836990744\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4287: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008207143594821295 lr 0.001 test_loss: 0.0008716437441762537\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4288: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000843, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008217113402982553 lr 0.001 test_loss: 0.0008719655452296138\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4289: 100%|██████████| 15/15 [00:10<00:00, 1.40it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000821108277887106 lr 0.001 test_loss: 0.0008695447468198836\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4290: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008218323967109124 lr 0.001 test_loss: 0.0008685946231707931\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4291: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000853, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008229186758399009 lr 0.001 test_loss: 0.0008742921054363251\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4292: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008259293739683926 lr 0.001 test_loss: 0.0008776208851486444\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4293: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008263271069154143 lr 0.001 test_loss: 0.0008730864792596549\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4294: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008229530377623935 lr 0.001 test_loss: 0.0008734457078389823\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4295: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008232960128225387 lr 0.001 test_loss: 0.0008681528561282903\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4296: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008198732238573332 lr 0.001 test_loss: 0.0008727804233785719\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4297: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008204238411659996 lr 0.001 test_loss: 0.0008725069055799395\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4298: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00082020938086013 lr 0.001 test_loss: 0.0008715690928511322\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4299: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008201289068286618 lr 0.001 test_loss: 0.0008696394797880203\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4300: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008214012603275477 lr 0.001 test_loss: 0.0008730498084332794\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4301: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008229897279913227 lr 0.001 test_loss: 0.0008695045835338533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4302: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008220988403384884 lr 0.001 test_loss: 0.0008738576725590974\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4303: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008228887144165735 lr 0.001 test_loss: 0.000872706325026229\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4304: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008212524155775706 lr 0.001 test_loss: 0.0008697461744304746\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4305: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008196327175634603 lr 0.001 test_loss: 0.0008713544812053442\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4306: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000848, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008222992803590993 lr 0.001 test_loss: 0.0008718223834875971\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4307: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008223190593222777 lr 0.001 test_loss: 0.0008688650268595666\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4308: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008195185141327481 lr 0.001 test_loss: 0.0008729058899916708\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4309: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008244744618423283 lr 0.001 test_loss: 0.0008775306632742286\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4310: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008227765404929718 lr 0.001 test_loss: 0.000870712858159095\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4311: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008211032759087781 lr 0.001 test_loss: 0.0008695014112163335\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4312: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008181377120005588 lr 0.001 test_loss: 0.0008703566854819655\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4313: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008187764673493802 lr 0.001 test_loss: 0.0008719803881831467\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4314: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008188814235230286 lr 0.001 test_loss: 0.0008667489746585488\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4315: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008184136512378852 lr 0.001 test_loss: 0.0008664335473440588\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4316: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008210269811873634 lr 0.001 test_loss: 0.0008707662054803222\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4317: 100%|██████████| 15/15 [00:10<00:00, 1.36it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008207880115757386 lr 0.001 test_loss: 0.000868508534040302\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4318: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008197997192231318 lr 0.001 test_loss: 0.0008656271966174245\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4319: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008203490598437687 lr 0.001 test_loss: 0.0008706788357812911\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4320: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008184545479404429 lr 0.001 test_loss: 0.0008679414459038526\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4321: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008189174657066663 lr 0.001 test_loss: 0.0008676900761201978\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4322: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008182958156491319 lr 0.001 test_loss: 0.0008653612749185413\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4323: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008172561996616423 lr 0.001 test_loss: 0.0008731868292670697\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4324: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008187902043573558 lr 0.001 test_loss: 0.0008698117453604937\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4325: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008195857556226353 lr 0.001 test_loss: 0.0008690417744219303\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4326: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008187159857091804 lr 0.001 test_loss: 0.0008687055087648332\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4327: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008194626192562282 lr 0.001 test_loss: 0.0008751283749006689\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4328: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000855, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008236947120167315 lr 0.001 test_loss: 0.0008694794378243387\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4329: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008203163587798674 lr 0.001 test_loss: 0.0008715704898349941\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4330: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008192749344743788 lr 0.001 test_loss: 0.0008665890782140195\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4331: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008198245971774062 lr 0.001 test_loss: 0.0008670141105540097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4332: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008175778668373824 lr 0.001 test_loss: 0.0008675353310536593\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4333: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008175071522903939 lr 0.001 test_loss: 0.0008694718999322504\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4334: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008180340907226006 lr 0.001 test_loss: 0.0008668626833241433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4335: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008197205179991822 lr 0.001 test_loss: 0.0008720960468053818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4336: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008183986297808588 lr 0.001 test_loss: 0.0008703984785825014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4337: 100%|██████████| 15/15 [00:10<00:00, 1.39it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008175121620297432 lr 0.001 test_loss: 0.0008720169425942004\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4338: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008209971090157827 lr 0.001 test_loss: 0.0008693711133673787\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4339: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008188693279710909 lr 0.001 test_loss: 0.0008698463789187372\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4340: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008176865987479687 lr 0.001 test_loss: 0.0008671986870467663\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4341: 100%|██████████| 15/15 [00:10<00:00, 1.37it/s, loss=0.000857, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008184337716860076 lr 0.001 test_loss: 0.000868053175508976\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4342: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008185301558114588 lr 0.001 test_loss: 0.000869443581905216\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4343: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008196270248542229 lr 0.001 test_loss: 0.0008707364613655955\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4344: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008185752589876453 lr 0.001 test_loss: 0.0008670218230690807\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4345: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008190410716148714 lr 0.001 test_loss: 0.000865425739903003\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4346: 100%|██████████| 15/15 [00:10<00:00, 1.38it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008177906352405746 lr 0.001 test_loss: 0.0008653445402160287\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4347: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008162302391914029 lr 0.001 test_loss: 0.0008646822243463248\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4348: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000816186738666147 lr 0.001 test_loss: 0.0008684547210577875\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4349: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008193169526445369 lr 0.001 test_loss: 0.0008693631098140031\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4350: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008181258764428397 lr 0.001 test_loss: 0.0008686344372108579\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4351: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008184027043171227 lr 0.001 test_loss: 0.0008661212341394275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4352: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008162929598862927 lr 0.001 test_loss: 0.0008657149155624211\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4353: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008156708053623636 lr 0.001 test_loss: 0.0008655597048345953\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4354: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008165715727955103 lr 0.001 test_loss: 0.000866905611474067\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4355: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008178509616603454 lr 0.001 test_loss: 0.0008683588821440935\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4356: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008180959072584907 lr 0.001 test_loss: 0.0008681385370437056\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4357: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008186688219817977 lr 0.001 test_loss: 0.0008666890789754689\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4358: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008161850778075556 lr 0.001 test_loss: 0.0008670364040881395\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4359: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000816710696866115 lr 0.001 test_loss: 0.0008653024851810187\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4360: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008172982061902682 lr 0.001 test_loss: 0.0008695245778653771\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4361: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008174312727836271 lr 0.001 test_loss: 0.0008680273022037\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4362: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008153842956138154 lr 0.001 test_loss: 0.0008634179248474538\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4363: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008147796305517356 lr 0.001 test_loss: 0.0008642632164992392\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4364: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000834, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000814977001088361 lr 0.001 test_loss: 0.0008611106313765049\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4365: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008148987816336254 lr 0.001 test_loss: 0.000867873925017193\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4366: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008168267939860622 lr 0.001 test_loss: 0.0008708528184797615\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4367: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008173757155115406 lr 0.001 test_loss: 0.000869633280672133\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4368: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000813869887497276 lr 0.001 test_loss: 0.0008640305604785681\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4369: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000871, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008168525256526967 lr 0.001 test_loss: 0.0008664375345688313\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4370: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008163124322891236 lr 0.001 test_loss: 0.000864933681441471\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4371: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008152055631702145 lr 0.001 test_loss: 0.0008685744251124561\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4372: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008187216512548427 lr 0.001 test_loss: 0.0008704572974238545\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4373: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008174074891333778 lr 0.001 test_loss: 0.0008643011969979852\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4374: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008145060118598242 lr 0.001 test_loss: 0.0008641582680866122\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4375: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008153020792330305 lr 0.001 test_loss: 0.0008653122640680522\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4376: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008161425241269172 lr 0.001 test_loss: 0.0008649071678519249\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4377: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008161879144608974 lr 0.001 test_loss: 0.0008668744121678174\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4378: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008149444125592709 lr 0.001 test_loss: 0.0008646516071166843\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4379: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000813742249738425 lr 0.001 test_loss: 0.0008638357976451516\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4380: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008155276804851989 lr 0.001 test_loss: 0.0008664882916491479\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4381: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000814980446981887 lr 0.001 test_loss: 0.0008659714367240667\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4382: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008160675022130211 lr 0.001 test_loss: 0.0008648307120893151\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4383: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008164360731219252 lr 0.001 test_loss: 0.0008683483174536377\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4384: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008167907091168066 lr 0.001 test_loss: 0.0008671328832861036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4385: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008155093955186506 lr 0.001 test_loss: 0.0008652487304061651\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4386: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008146839293961724 lr 0.001 test_loss: 0.00086489666136913\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4387: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008149229494544367 lr 0.001 test_loss: 0.0008633033430669457\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4388: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008163419746172925 lr 0.001 test_loss: 0.0008633909747004509\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4389: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008151746199776729 lr 0.001 test_loss: 0.0008626722847111523\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4390: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008147650708754858 lr 0.001 test_loss: 0.000863495806697756\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4391: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008158576053877672 lr 0.001 test_loss: 0.0008671618707012385\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4392: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008151095864983896 lr 0.001 test_loss: 0.0008656993159092963\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4393: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008150959193396072 lr 0.001 test_loss: 0.0008642184839118272\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4394: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008172151322166125 lr 0.001 test_loss: 0.0008638737490400672\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4395: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008177768206223846 lr 0.001 test_loss: 0.0008726222440600395\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4396: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008201243433480462 lr 0.001 test_loss: 0.0008658153528813273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4397: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008163242639663319 lr 0.001 test_loss: 0.000863518682308495\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4398: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008150817360728979 lr 0.001 test_loss: 0.0008651434036437422\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4399: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008131593194169302 lr 0.001 test_loss: 0.0008668701048009098\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4400: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008145322208292782 lr 0.001 test_loss: 0.0008641436870675534\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4401: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000816257216501981 lr 0.001 test_loss: 0.0008671244140714407\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4402: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000815258400204281 lr 0.001 test_loss: 0.0008675742137711495\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4403: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008151984424330294 lr 0.001 test_loss: 0.0008645719499327242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4404: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008145201640824477 lr 0.001 test_loss: 0.000868130853632465\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4405: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008148452538686494 lr 0.001 test_loss: 0.0008638068393338472\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4406: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000814620164843897 lr 0.001 test_loss: 0.0008625141927041113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4407: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008144547192690273 lr 0.001 test_loss: 0.0008626601484138519\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4408: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008142006932757795 lr 0.001 test_loss: 0.0008645826019346714\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4409: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008157406196308632 lr 0.001 test_loss: 0.0008657357539050281\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4410: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008149620921661456 lr 0.001 test_loss: 0.0008637717692181468\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4411: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000814022566191852 lr 0.001 test_loss: 0.0008640436280984432\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4412: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008123076404444873 lr 0.001 test_loss: 0.000862393353600055\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4413: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00081091154133901 lr 0.001 test_loss: 0.00086258037481457\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4414: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008114196825772524 lr 0.001 test_loss: 0.0008620799926575273\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4415: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008128216257318854 lr 0.001 test_loss: 0.0008651828684378415\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4416: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008153903065249324 lr 0.001 test_loss: 0.0008658859878778458\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4417: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000812310236506164 lr 0.001 test_loss: 0.0008616234408691525\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4418: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008125404749686519 lr 0.001 test_loss: 0.0008629510994069278\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4419: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008141987530204157 lr 0.001 test_loss: 0.0008617767598479986\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4420: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008132425951771438 lr 0.001 test_loss: 0.0008679349557496607\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4421: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008138443770197531 lr 0.001 test_loss: 0.0008652485557831824\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4422: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008138858363963663 lr 0.001 test_loss: 0.0008632846002001315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4423: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008112705855940779 lr 0.001 test_loss: 0.0008588412310928106\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4424: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008101878105662763 lr 0.001 test_loss: 0.0008631502569187433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4425: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008110243671884139 lr 0.001 test_loss: 0.0008619911095593125\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4426: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008127123039836685 lr 0.001 test_loss: 0.000865401845658198\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4427: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000795, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008120734516220788 lr 0.001 test_loss: 0.0008643947076052427\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4428: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000811444742915531 lr 0.001 test_loss: 0.0008588010969106108\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4429: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008112198013501863 lr 0.001 test_loss: 0.0008692381670698524\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4430: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008146308750535051 lr 0.001 test_loss: 0.0008636497368570417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4431: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008141608520721396 lr 0.001 test_loss: 0.0008628802606835961\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4432: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008131798861237864 lr 0.001 test_loss: 0.0008627683855593204\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4433: 100%|██████████| 15/15 [00:05<00:00, 2.75it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008120233930336932 lr 0.001 test_loss: 0.0008603248570580035\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4434: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008115729705120126 lr 0.001 test_loss: 0.0008646032656542957\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4435: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008127773141798874 lr 0.001 test_loss: 0.0008634418481960893\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4436: 100%|██████████| 15/15 [00:11<00:00, 1.34it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008116722844230632 lr 0.001 test_loss: 0.0008612070523668081\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4437: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008099166831622521 lr 0.001 test_loss: 0.0008609567012172192\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4438: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000852, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008115196678166588 lr 0.001 test_loss: 0.0008594039536546916\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4439: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008096563513390719 lr 0.001 test_loss: 0.0008622474852018058\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4440: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008098260965198279 lr 0.001 test_loss: 0.0008614462276455015\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4441: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008116937436473867 lr 0.001 test_loss: 0.0008610313234385103\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4442: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000838, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008130121161229909 lr 0.001 test_loss: 0.0008616841223556548\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4443: 100%|██████████| 15/15 [00:11<00:00, 1.36it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008122218345912795 lr 0.001 test_loss: 0.000858576619066298\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4444: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000839, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008133443150048455 lr 0.001 test_loss: 0.000860363565152511\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4445: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008117483695968986 lr 0.001 test_loss: 0.0008624021429568529\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4446: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008110331759477655 lr 0.001 test_loss: 0.0008581080473959446\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4447: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008102792703236143 lr 0.001 test_loss: 0.0008592709200456738\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4448: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008139600007173916 lr 0.001 test_loss: 0.0008622072928119451\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4449: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008140330319292843 lr 0.001 test_loss: 0.0008632021199446172\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4450: 100%|██████████| 15/15 [00:11<00:00, 1.35it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008137202550036212 lr 0.001 test_loss: 0.0008627844217699021\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4451: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008111910778097808 lr 0.001 test_loss: 0.0008635211561340839\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4452: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008110262531166275 lr 0.001 test_loss: 0.0008597895794082433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4453: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008095303783193231 lr 0.001 test_loss: 0.0008627295028418303\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4454: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008106596302241087 lr 0.001 test_loss: 0.0008595275576226413\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4455: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008093958681759735 lr 0.001 test_loss: 0.0008607159252278507\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4456: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008103226001063983 lr 0.001 test_loss: 0.0008621516171842813\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4457: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008107282881004115 lr 0.001 test_loss: 0.0008593657112214714\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4458: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008110813602494696 lr 0.001 test_loss: 0.0008660952444188297\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4459: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008112890335420768 lr 0.001 test_loss: 0.0008626265625935048\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4460: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008102676093888779 lr 0.001 test_loss: 0.0008607943018432707\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4461: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008103228135344883 lr 0.001 test_loss: 0.0008620343869552016\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4462: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000827, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008127165880675117 lr 0.001 test_loss: 0.0008647232607472688\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4463: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008133862672063211 lr 0.001 test_loss: 0.00085975113324821\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4464: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008110978097344439 lr 0.001 test_loss: 0.0008599701395723969\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4465: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008096782141365111 lr 0.001 test_loss: 0.0008590045035816729\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4466: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008103481649110715 lr 0.001 test_loss: 0.0008572115038987249\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4467: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008119420458873113 lr 0.001 test_loss: 0.000861755310324952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4468: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000809657903543363 lr 0.001 test_loss: 0.0008564434829168022\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4469: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008084899396635592 lr 0.001 test_loss: 0.0008571824582759291\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4470: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008080845310663183 lr 0.001 test_loss: 0.000856786355143413\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4471: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00080889908131212 lr 0.001 test_loss: 0.0008616747218184173\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4472: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008096551095756392 lr 0.001 test_loss: 0.0008602929883636534\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4473: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008100893387260537 lr 0.001 test_loss: 0.0008571882208343595\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4474: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008075029705651105 lr 0.001 test_loss: 0.0008555046515539289\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4475: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008065407436030607 lr 0.001 test_loss: 0.0008555979875382036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4476: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008075283180611829 lr 0.001 test_loss: 0.0008550197817385197\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4477: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008077469072304666 lr 0.001 test_loss: 0.0008541495772078633\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4478: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008066929139507313 lr 0.001 test_loss: 0.0008599391730967909\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4479: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008100191286454598 lr 0.001 test_loss: 0.0008614271064288914\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4480: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000810962748558571 lr 0.001 test_loss: 0.0008595144026912749\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4481: 100%|██████████| 15/15 [00:11<00:00, 1.33it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008093807380646467 lr 0.001 test_loss: 0.0008589804056100547\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4482: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008090429745304088 lr 0.001 test_loss: 0.0008579193672630936\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4483: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000856, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008100535565366347 lr 0.001 test_loss: 0.0008612424426246434\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4484: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008107463790414233 lr 0.001 test_loss: 0.0008594781684223562\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4485: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.00086, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008114225269916157 lr 0.001 test_loss: 0.000860129832290113\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4486: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008103455960129698 lr 0.001 test_loss: 0.0008570688078179955\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4487: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008087475745317837 lr 0.001 test_loss: 0.0008585095056332648\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4488: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.00083, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008086360758170485 lr 0.001 test_loss: 0.0008586100884713233\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4489: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000807586902131637 lr 0.001 test_loss: 0.0008551092469133437\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4490: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008060054116261502 lr 0.001 test_loss: 0.0008572826336603612\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4491: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008068463338228564 lr 0.001 test_loss: 0.0008539321424905211\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4492: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000851, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008093949368533989 lr 0.001 test_loss: 0.0008576967811677605\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4493: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008086840156465769 lr 0.001 test_loss: 0.0008576575201004744\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4494: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000846, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008107457465181748 lr 0.001 test_loss: 0.0008569410711061209\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4495: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008078182465396822 lr 0.001 test_loss: 0.0008581948059145361\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4496: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008073168224655092 lr 0.001 test_loss: 0.0008558134722989053\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4497: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008068860392086208 lr 0.001 test_loss: 0.0008573371742386371\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4498: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000807441914609323 lr 0.001 test_loss: 0.000859928346471861\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4499: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008078596671111882 lr 0.001 test_loss: 0.0008573529485147446\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4500: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008087238529697061 lr 0.001 test_loss: 0.000860917498357594\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4501: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008091743375795583 lr 0.001 test_loss: 0.0008562926959712058\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4502: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008091127616353333 lr 0.001 test_loss: 0.0008612204110249877\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4503: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008094048399167757 lr 0.001 test_loss: 0.0008613861573394388\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4504: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008074331291330357 lr 0.001 test_loss: 0.0008592949016019702\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4505: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008068027595678966 lr 0.001 test_loss: 0.000855924270581454\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4506: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008065526994566123 lr 0.001 test_loss: 0.0008556950488127768\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4507: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000804965050580601 lr 0.001 test_loss: 0.0008562329749111086\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4508: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008062879089266062 lr 0.001 test_loss: 0.0008571220096200705\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4509: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008098003881362577 lr 0.001 test_loss: 0.0008575979736633599\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4510: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008081103209406137 lr 0.001 test_loss: 0.000855338090332225\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4511: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008073455304838717 lr 0.001 test_loss: 0.0008546335157006979\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4512: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000829, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008049238356761634 lr 0.001 test_loss: 0.0008531249186489731\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4513: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008047409549665948 lr 0.001 test_loss: 0.0008559261623304337\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4514: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000805762445088476 lr 0.001 test_loss: 0.0008609612414147705\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4515: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008082811604253948 lr 0.001 test_loss: 0.000858318351674825\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4516: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008063720694432656 lr 0.001 test_loss: 0.0008586965850554407\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4517: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008060861883374552 lr 0.001 test_loss: 0.000856612401548773\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4518: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008048450225032866 lr 0.001 test_loss: 0.0008543624717276543\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4519: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008051949242750804 lr 0.001 test_loss: 0.0008553742081858218\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4520: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008074207891089221 lr 0.001 test_loss: 0.0008573605446144938\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4521: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008086385554634034 lr 0.001 test_loss: 0.000858740444527939\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4522: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008061084896326065 lr 0.001 test_loss: 0.0008546719618607312\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4523: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000804948282893747 lr 0.001 test_loss: 0.0008555839012842625\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4524: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008064582206619282 lr 0.001 test_loss: 0.0008570731733925641\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4525: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000809254648629576 lr 0.001 test_loss: 0.0008607107447460294\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4526: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008095128849769632 lr 0.001 test_loss: 0.0008575750689487904\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4527: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008093112963251769 lr 0.001 test_loss: 0.0008592511876486242\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4528: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000765, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008053881969923775 lr 0.001 test_loss: 0.0008553039806429297\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4529: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008039133196386198 lr 0.001 test_loss: 0.0008536735258530825\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4530: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000802867937212189 lr 0.001 test_loss: 0.0008527104801032692\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4531: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008051553353046378 lr 0.001 test_loss: 0.0008540882263332605\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4532: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008055070919605593 lr 0.001 test_loss: 0.0008572499500587583\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4533: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008053021039813757 lr 0.001 test_loss: 0.0008565353055018932\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4534: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008057616534642876 lr 0.001 test_loss: 0.0008577565604355186\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4535: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008055316672349969 lr 0.001 test_loss: 0.0008552158833481371\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4536: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008069930093673369 lr 0.001 test_loss: 0.0008562976436223835\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4537: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008058918290771544 lr 0.001 test_loss: 0.0008562319271732122\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4538: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008080501691438257 lr 0.001 test_loss: 0.0008568443590775132\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4539: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000835, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008063856318282584 lr 0.001 test_loss: 0.0008552998478990048\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4540: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008048469045509895 lr 0.001 test_loss: 0.000857815844938159\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4541: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000847, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008077349863015115 lr 0.001 test_loss: 0.0008543062431272119\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4542: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008067471402076384 lr 0.001 test_loss: 0.0008555306412745267\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4543: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008041930734179914 lr 0.001 test_loss: 0.0008526568999513984\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4544: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008056360646151006 lr 0.001 test_loss: 0.0008549304911866784\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4545: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008044947365609308 lr 0.001 test_loss: 0.0008575912797823548\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4546: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008049791484760741 lr 0.001 test_loss: 0.0008534290245734155\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4547: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008027054718695581 lr 0.001 test_loss: 0.0008512441709171981\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4548: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008023120385284225 lr 0.001 test_loss: 0.0008520827977918088\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4549: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008026830813226601 lr 0.001 test_loss: 0.0008516869565937668\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4550: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008017203654162586 lr 0.001 test_loss: 0.0008540398557670414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4551: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008050341508351267 lr 0.001 test_loss: 0.0008550740603823215\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4552: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008037607185542583 lr 0.001 test_loss: 0.0008515175431966782\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4553: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008031688785801332 lr 0.001 test_loss: 0.0008548793848603964\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4554: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000806214656525602 lr 0.001 test_loss: 0.0008568659832235426\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4555: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008053242422950764 lr 0.001 test_loss: 0.0008585449249949306\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4556: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008036240159223477 lr 0.001 test_loss: 0.0008532571082469076\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4557: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008065370571178694 lr 0.001 test_loss: 0.0008605243056081235\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4558: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008066983777098357 lr 0.001 test_loss: 0.000857213162817061\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4559: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008070920244790614 lr 0.001 test_loss: 0.0008562252041883767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4560: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000805552548263222 lr 0.001 test_loss: 0.0008585523464716971\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4561: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008050390907252829 lr 0.001 test_loss: 0.0008550311031285673\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4562: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000801818969193846 lr 0.001 test_loss: 0.0008529709302820265\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4563: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008032157124641041 lr 0.001 test_loss: 0.0008535921515431255\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4564: 100%|██████████| 15/15 [00:11<00:00, 1.31it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008037000234859686 lr 0.001 test_loss: 0.0008541164570488036\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4565: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008053555541361372 lr 0.001 test_loss: 0.000855969701660797\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4566: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008042853597241144 lr 0.001 test_loss: 0.0008548417536076158\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4567: 100%|██████████| 15/15 [00:11<00:00, 1.32it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008018491246427099 lr 0.001 test_loss: 0.0008559999405406415\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4568: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008025636120388905 lr 0.001 test_loss: 0.0008558333211112767\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4569: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008017943395922582 lr 0.001 test_loss: 0.0008492772176396102\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4570: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008026406595793863 lr 0.001 test_loss: 0.000855439982842654\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4571: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008037359880593915 lr 0.001 test_loss: 0.000853270321385935\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4572: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000795, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008004489393594364 lr 0.001 test_loss: 0.0008521428098902106\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4573: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008005677023902536 lr 0.001 test_loss: 0.0008532659849151969\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4574: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008011098679465552 lr 0.001 test_loss: 0.0008487053273711354\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4575: 100%|██████████| 15/15 [00:05<00:00, 2.75it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008023823417412738 lr 0.001 test_loss: 0.0008564654854126275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4576: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008050824631936848 lr 0.001 test_loss: 0.0008534322842024267\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4577: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008038924580129485 lr 0.001 test_loss: 0.0008544282172806561\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4578: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008025575079955161 lr 0.001 test_loss: 0.0008537701796740294\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4579: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008035527581038575 lr 0.001 test_loss: 0.0008550257771275938\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4580: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000802328340553989 lr 0.001 test_loss: 0.0008512898639310151\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4581: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000762, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008001104074840744 lr 0.001 test_loss: 0.0008522627467755228\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4582: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008002004004083573 lr 0.001 test_loss: 0.0008533403160981834\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4583: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008024352525050441 lr 0.001 test_loss: 0.0008531675266567618\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4584: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008019667351618409 lr 0.001 test_loss: 0.0008494410722050816\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4585: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008020486488627891 lr 0.001 test_loss: 0.0008531981729902327\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4586: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000802758545614779 lr 0.001 test_loss: 0.0008533578948117793\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4587: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008011983125470578 lr 0.001 test_loss: 0.0008502973360009491\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4588: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008029688149690628 lr 0.001 test_loss: 0.000853027479024604\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4589: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008014258074884613 lr 0.001 test_loss: 0.000852101540658623\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4590: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008000103950810929 lr 0.001 test_loss: 0.0008501284173689783\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4591: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000842, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008012747663694123 lr 0.001 test_loss: 0.0008483988349325955\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4592: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008012226394688089 lr 0.001 test_loss: 0.000852742581628263\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4593: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.00084, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008032215371107062 lr 0.001 test_loss: 0.0008528853359166533\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4594: 100%|██████████| 15/15 [00:05<00:00, 2.92it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008035505539737642 lr 0.001 test_loss: 0.0008521207491867244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4595: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008026051490257184 lr 0.001 test_loss: 0.0008528795733582228\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4596: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008024427418907484 lr 0.001 test_loss: 0.0008532466308679432\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4597: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008014774764887988 lr 0.001 test_loss: 0.0008512182685080916\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4598: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000801090655537943 lr 0.001 test_loss: 0.0008521893469151109\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4599: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008033006257998446 lr 0.001 test_loss: 0.0008539695118088275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4600: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008022551153165599 lr 0.001 test_loss: 0.0008506161684636027\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4601: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008022706218374273 lr 0.001 test_loss: 0.0008508889295626432\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4602: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.00085, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008017230002830426 lr 0.001 test_loss: 0.0008531869971193373\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4603: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000805314420722425 lr 0.001 test_loss: 0.0008560521237086505\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4604: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008041913737542927 lr 0.001 test_loss: 0.0008525705779902637\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4605: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008020192656355599 lr 0.001 test_loss: 0.0008549948979634792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4606: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008027711223500471 lr 0.001 test_loss: 0.000853084318805486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4607: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008018938281262914 lr 0.001 test_loss: 0.000851911143399775\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4608: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008013276926552256 lr 0.001 test_loss: 0.0008486468577757478\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4609: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000800326035823673 lr 0.001 test_loss: 0.0008501166303176433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4610: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008007812158515056 lr 0.001 test_loss: 0.0008530430786777288\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4611: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008011053083464504 lr 0.001 test_loss: 0.0008510765910614282\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4612: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008028832458270093 lr 0.001 test_loss: 0.0008535594388376921\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4613: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008011967525817454 lr 0.001 test_loss: 0.000851307762786746\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4614: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000828, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008018893112118046 lr 0.001 test_loss: 0.0008501608390361071\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4615: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000844, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008010987270002564 lr 0.001 test_loss: 0.0008493031782563776\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4616: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008002545374135177 lr 0.001 test_loss: 0.0008493833884131163\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4617: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007995659989925723 lr 0.001 test_loss: 0.0008482348348479718\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4618: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007993232769270738 lr 0.001 test_loss: 0.0008494965150021017\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4619: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008003676232571403 lr 0.001 test_loss: 0.0008497202070429921\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4620: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007995006977580488 lr 0.001 test_loss: 0.0008504622092004865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4621: 100%|██████████| 15/15 [00:11<00:00, 1.30it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008003161017162105 lr 0.001 test_loss: 0.000850349897518754\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4622: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000800687827480336 lr 0.001 test_loss: 0.0008514052024111152\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4623: 100%|██████████| 15/15 [00:11<00:00, 1.29it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008000305814978977 lr 0.001 test_loss: 0.0008528523030690849\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4624: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008003346505574882 lr 0.001 test_loss: 0.0008506638987455517\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4625: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007990364528571565 lr 0.001 test_loss: 0.0008509239996783435\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4626: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008005172906753918 lr 0.001 test_loss: 0.0008512203639838845\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4627: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007983589428476989 lr 0.001 test_loss: 0.0008471255423501134\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4628: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007994331419467926 lr 0.001 test_loss: 0.0008517990936525166\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4629: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007994315160127978 lr 0.001 test_loss: 0.0008490954933222383\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4630: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007973329513333738 lr 0.001 test_loss: 0.0008492739289067686\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4631: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000798316951841116 lr 0.001 test_loss: 0.0008457620278932154\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4632: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.00081, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007998342198940615 lr 0.001 test_loss: 0.0008462112746201456\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4633: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007982900870653491 lr 0.001 test_loss: 0.0008483457495458424\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4634: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000764, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007967765675857663 lr 0.001 test_loss: 0.0008498496026732028\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4635: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007967472425661981 lr 0.001 test_loss: 0.0008498530660290271\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4636: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000841, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008001274739702543 lr 0.001 test_loss: 0.0008477796800434589\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4637: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000778, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007992426942413052 lr 0.001 test_loss: 0.0008487801824230701\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4638: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008016068682384987 lr 0.001 test_loss: 0.0008543170988559723\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4639: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008014945274529357 lr 0.001 test_loss: 0.0008471509499941021\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4640: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007994756063756844 lr 0.001 test_loss: 0.0008521066920366138\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4641: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007987189999160667 lr 0.001 test_loss: 0.0008538054826203734\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4642: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008011884172447025 lr 0.001 test_loss: 0.0008466646540910006\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4643: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000797499727923423 lr 0.001 test_loss: 0.0008512992935720831\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4644: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000837, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008023994935986897 lr 0.001 test_loss: 0.0008492083579767495\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4645: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007996099186129868 lr 0.001 test_loss: 0.0008481013937853277\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4646: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007997953332960605 lr 0.001 test_loss: 0.0008485960133839399\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4647: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007980091264471412 lr 0.001 test_loss: 0.0008492707856930792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4648: 100%|██████████| 15/15 [00:12<00:00, 1.25it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007965882774442435 lr 0.001 test_loss: 0.0008452170295640826\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4649: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007979302007394532 lr 0.001 test_loss: 0.0008485731086693704\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4650: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000833, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007982581853866577 lr 0.001 test_loss: 0.00084847622201778\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4651: 100%|██████████| 15/15 [00:11<00:00, 1.25it/s, loss=0.000765, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007963965879753232 lr 0.001 test_loss: 0.0008467614243272692\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4652: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007959317842808863 lr 0.001 test_loss: 0.0008443862607236952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4653: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007980275006654362 lr 0.001 test_loss: 0.0008445417915936559\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4654: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007962227139311532 lr 0.001 test_loss: 0.0008489862375427037\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4655: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007973034051246941 lr 0.001 test_loss: 0.0008466115978080779\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4656: 100%|██████████| 15/15 [00:11<00:00, 1.28it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007978904914731781 lr 0.001 test_loss: 0.0008503170683979988\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4657: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007991165271960199 lr 0.001 test_loss: 0.0008482791017740965\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4658: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007994100994740923 lr 0.001 test_loss: 0.000846493465360254\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4659: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007977815732980768 lr 0.001 test_loss: 0.0008458757365588099\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4660: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007969711674377322 lr 0.001 test_loss: 0.0008485476428177208\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4661: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007984420633874833 lr 0.001 test_loss: 0.0008522474090568721\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4662: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007987503001155952 lr 0.001 test_loss: 0.0008469965832773596\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4663: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007966700165222088 lr 0.001 test_loss: 0.0008470372995361686\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4664: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007960134729122122 lr 0.001 test_loss: 0.000849608302814886\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4665: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007958807749673724 lr 0.001 test_loss: 0.0008450946479570121\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4666: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007975418974334995 lr 0.001 test_loss: 0.000845552800456062\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4667: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007971051226680477 lr 0.001 test_loss: 0.0008507205347996205\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4668: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0008004057531555493 lr 0.001 test_loss: 0.000848112249514088\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4669: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007984746751996378 lr 0.001 test_loss: 0.0008492651395499706\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4670: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007979895027043919 lr 0.001 test_loss: 0.000846348237246275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4671: 100%|██████████| 15/15 [00:12<00:00, 1.25it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007970470314224561 lr 0.001 test_loss: 0.0008486589358653873\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4672: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007955248933285475 lr 0.001 test_loss: 0.0008432992035523057\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4673: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00079696822213009 lr 0.001 test_loss: 0.0008496094087604433\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4674: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007982396869920194 lr 0.001 test_loss: 0.0008455460192635655\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4675: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007986869236143927 lr 0.001 test_loss: 0.0008467427687719464\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4676: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007961039276172718 lr 0.001 test_loss: 0.0008447702566627413\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4677: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007967907120473682 lr 0.001 test_loss: 0.0008491568441968411\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4678: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007994935110521813 lr 0.001 test_loss: 0.0008455278584733605\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4679: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007973619891951481 lr 0.001 test_loss: 0.0008464882848784328\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4680: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000796795558805267 lr 0.001 test_loss: 0.0008468650339636952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4681: 100%|██████████| 15/15 [00:11<00:00, 1.25it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000797119732790937 lr 0.001 test_loss: 0.0008459953241981566\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4682: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000795, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000794473224474738 lr 0.001 test_loss: 0.000842427893076092\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4683: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007938985247164965 lr 0.001 test_loss: 0.0008450627501588315\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4684: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007963374063062171 lr 0.001 test_loss: 0.0008478638192173094\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4685: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007965050094450514 lr 0.001 test_loss: 0.0008461821125820279\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4686: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007997286001530786 lr 0.001 test_loss: 0.0008481838449370116\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4687: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007965669967234135 lr 0.001 test_loss: 0.0008488974708598107\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4688: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007963718574804565 lr 0.001 test_loss: 0.0008471679175272584\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4689: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007953725328358511 lr 0.001 test_loss: 0.0008473593043163419\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4690: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007950106014808019 lr 0.001 test_loss: 0.0008469361928291619\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4691: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007957202459995945 lr 0.001 test_loss: 0.0008473304333165288\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4692: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007965241093188524 lr 0.001 test_loss: 0.0008468062151223421\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4693: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007957487561119099 lr 0.001 test_loss: 0.0008461119141429663\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4694: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007951694191433489 lr 0.001 test_loss: 0.0008470843313261867\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4695: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007957682750808696 lr 0.001 test_loss: 0.0008499501564074308\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4696: 100%|██████████| 15/15 [00:11<00:00, 1.25it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000795908598229289 lr 0.001 test_loss: 0.0008483709243591875\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4697: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007962500055631002 lr 0.001 test_loss: 0.0008471863984595984\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4698: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007956398767419159 lr 0.001 test_loss: 0.0008440922247245908\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4699: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007944778267604609 lr 0.001 test_loss: 0.0008461964607704431\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4700: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007953956723213196 lr 0.001 test_loss: 0.0008450296299997717\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4701: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007944099372252822 lr 0.001 test_loss: 0.0008454844355583191\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4702: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007933104837623736 lr 0.001 test_loss: 0.0008451499161310494\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4703: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007945482153445482 lr 0.001 test_loss: 0.0008458866213914007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4704: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007955842612621685 lr 0.001 test_loss: 0.0008443445258308202\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4705: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007949971787941952 lr 0.001 test_loss: 0.000846783077577129\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4706: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007964092811259131 lr 0.001 test_loss: 0.0008457630756311119\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4707: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007949120559108754 lr 0.001 test_loss: 0.0008432134927716106\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4708: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007940910446147124 lr 0.001 test_loss: 0.0008443153346888721\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4709: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000845, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007961989341614147 lr 0.001 test_loss: 0.0008487345767207444\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4710: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007970608499211569 lr 0.001 test_loss: 0.0008442489779554307\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4711: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007962312510547538 lr 0.001 test_loss: 0.0008465174760203809\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4712: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007948397852790852 lr 0.001 test_loss: 0.0008440245874226093\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4713: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007974779776607951 lr 0.001 test_loss: 0.0008475306676700711\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4714: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007957796760213871 lr 0.001 test_loss: 0.0008446604770142585\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4715: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007984518034694095 lr 0.001 test_loss: 0.000849153526360169\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4716: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007958978142899772 lr 0.001 test_loss: 0.0008472857007291168\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4717: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007950087233136098 lr 0.001 test_loss: 0.0008430507441516966\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4718: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000826, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007966427326512834 lr 0.001 test_loss: 0.0008441031677648425\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4719: 100%|██████████| 15/15 [00:11<00:00, 1.25it/s, loss=0.00077, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000794215911688904 lr 0.001 test_loss: 0.0008448456646874547\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4720: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000814, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007934944316123923 lr 0.001 test_loss: 0.0008426218701060861\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4721: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007929668917010228 lr 0.001 test_loss: 0.0008463828125968575\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4722: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007948235686247548 lr 0.001 test_loss: 0.0008452862384729087\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4723: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000779, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007941310720828672 lr 0.001 test_loss: 0.0008422770770266652\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4724: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007942699012346566 lr 0.001 test_loss: 0.0008440724341198802\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4725: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007913363554204504 lr 0.001 test_loss: 0.0008395956829190254\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4726: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000792280580693235 lr 0.001 test_loss: 0.0008433148032054305\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4727: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007930913862461846 lr 0.001 test_loss: 0.0008445712155662477\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4728: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007944211324987312 lr 0.001 test_loss: 0.0008436384960077703\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4729: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007904424254472057 lr 0.001 test_loss: 0.0008416421187575907\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4730: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000821, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007920699970175823 lr 0.001 test_loss: 0.0008427242282778025\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4731: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007919701864011585 lr 0.001 test_loss: 0.0008449268352705985\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4732: 100%|██████████| 15/15 [00:12<00:00, 1.25it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007924090993280212 lr 0.001 test_loss: 0.0008419383666478097\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4733: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000836, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007932551903650165 lr 0.001 test_loss: 0.0008415280317422003\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4734: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007917078211903573 lr 0.001 test_loss: 0.000842320907395333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4735: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000832, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007945571288776894 lr 0.001 test_loss: 0.0008455971255898476\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4736: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007955734967254102 lr 0.001 test_loss: 0.0008435777854174376\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4737: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007930053436818222 lr 0.001 test_loss: 0.0008479429525323212\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4738: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007950741099193692 lr 0.001 test_loss: 0.0008482026751153171\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4739: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007942245497057836 lr 0.001 test_loss: 0.0008443213300779462\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4740: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000795, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007929790803852181 lr 0.001 test_loss: 0.0008496546070091426\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4741: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007939043454825879 lr 0.001 test_loss: 0.0008463627600576729\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4742: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007928096340037883 lr 0.001 test_loss: 0.0008437260985374451\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4743: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000763, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00079319360665977 lr 0.001 test_loss: 0.0008459197997581214\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4744: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000778, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007911128069584568 lr 0.001 test_loss: 0.0008425390406046063\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4745: 100%|██████████| 15/15 [00:11<00:00, 1.27it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007918208371847868 lr 0.001 test_loss: 0.0008403901592828333\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4746: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007916129776276648 lr 0.001 test_loss: 0.0008436511270701885\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4747: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007930377769904833 lr 0.001 test_loss: 0.0008430367743130773\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4748: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007915880375852188 lr 0.001 test_loss: 0.0008412922907155007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4749: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007926390079470972 lr 0.001 test_loss: 0.0008432184695266187\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4750: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007923480394917229 lr 0.001 test_loss: 0.0008442818361800164\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4751: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007923613496435186 lr 0.001 test_loss: 0.0008420791127718985\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4752: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007914717968863746 lr 0.001 test_loss: 0.000842434645164758\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4753: 100%|██████████| 15/15 [00:11<00:00, 1.25it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007908780166568856 lr 0.001 test_loss: 0.0008402577950619161\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4754: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000764, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007907867586861054 lr 0.001 test_loss: 0.0008435093041043729\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4755: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007927579727644722 lr 0.001 test_loss: 0.0008409380679950118\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4756: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007912868944307169 lr 0.001 test_loss: 0.0008392698946408927\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4757: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000790558864052097 lr 0.001 test_loss: 0.0008477703377138823\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4758: 100%|██████████| 15/15 [00:11<00:00, 1.26it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007977591090214749 lr 0.001 test_loss: 0.000844627822516486\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4759: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007931942158999543 lr 0.001 test_loss: 0.0008411052403971553\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4760: 100%|██████████| 15/15 [00:05<00:00, 2.70it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007921436180671056 lr 0.001 test_loss: 0.0008455821953248233\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4761: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007927564283212025 lr 0.001 test_loss: 0.0008419635996688157\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4762: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000815, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007916156008529166 lr 0.001 test_loss: 0.0008411727903876454\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4763: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007915973973770936 lr 0.001 test_loss: 0.0008451480534859002\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4764: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007916345416257779 lr 0.001 test_loss: 0.000840524589875713\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4765: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007911350772095223 lr 0.001 test_loss: 0.000843780959257856\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4766: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00079356263546894 lr 0.001 test_loss: 0.0008435210620518774\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4767: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007926477507377664 lr 0.001 test_loss: 0.0008417069038841873\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4768: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007928614659855764 lr 0.001 test_loss: 0.0008481729892082512\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4769: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000808, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00079197312782829 lr 0.001 test_loss: 0.0008410253212787211\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4770: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007896589542118212 lr 0.001 test_loss: 0.0008417196222580969\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4771: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007904868805781006 lr 0.001 test_loss: 0.0008397716737817973\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4772: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007896901418765386 lr 0.001 test_loss: 0.00083986233221367\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4773: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007899440475739539 lr 0.001 test_loss: 0.0008386718109250069\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4774: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000795, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007910704550643762 lr 0.001 test_loss: 0.0008406172564718872\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4775: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007893920022373399 lr 0.001 test_loss: 0.0008367353875655681\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4776: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007884380873292684 lr 0.001 test_loss: 0.0008402451931033283\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4777: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007906528539024293 lr 0.001 test_loss: 0.0008400273509323597\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4778: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000737, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007877793512307107 lr 0.001 test_loss: 0.0008387741399928927\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4779: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007898319085749487 lr 0.001 test_loss: 0.0008387880807276815\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4780: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007922398275695741 lr 0.001 test_loss: 0.0008438813674729317\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4781: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007933657888012628 lr 0.001 test_loss: 0.0008445081766694784\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4782: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007908507289054493 lr 0.001 test_loss: 0.0008378956408705562\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4783: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007891083524251978 lr 0.001 test_loss: 0.0008397605561185628\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4784: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007902973292705913 lr 0.001 test_loss: 0.0008398779027629644\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4785: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000765, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007893755799159407 lr 0.001 test_loss: 0.0008393123571295291\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4786: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007898232278724511 lr 0.001 test_loss: 0.0008410339360125363\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4787: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000789624243043363 lr 0.001 test_loss: 0.0008387246343772858\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4788: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007914688554592431 lr 0.001 test_loss: 0.0008427969878539443\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4789: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007929741560171048 lr 0.001 test_loss: 0.0008428076980635524\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4790: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007913167704828083 lr 0.001 test_loss: 0.0008419458172284067\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4791: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000754, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007893792353570461 lr 0.001 test_loss: 0.0008417877834290266\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4792: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000791405700147152 lr 0.001 test_loss: 0.0008391982119064778\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4793: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007910030505930384 lr 0.001 test_loss: 0.000843184010591358\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4794: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007914882812959452 lr 0.001 test_loss: 0.0008374001190531999\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4795: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007905810683344802 lr 0.001 test_loss: 0.0008415211632382125\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4796: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000766, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007882007320101063 lr 0.001 test_loss: 0.0008395570912398398\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4797: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007884082772458593 lr 0.001 test_loss: 0.0008389475697185844\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4798: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00078877379031231 lr 0.001 test_loss: 0.0008402210951317102\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4799: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000816, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007902978997056683 lr 0.001 test_loss: 0.0008411196758970618\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4800: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007896774797700346 lr 0.001 test_loss: 0.0008387113048229367\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4801: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007890715302589039 lr 0.001 test_loss: 0.0008397932979278266\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4802: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00078881763232251 lr 0.001 test_loss: 0.0008399354119319469\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4803: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007892782101407647 lr 0.001 test_loss: 0.0008410739828832448\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4804: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007892693354127308 lr 0.001 test_loss: 0.000838848645798862\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4805: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007875187671743334 lr 0.001 test_loss: 0.0008371199655812234\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4806: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007881761683772008 lr 0.001 test_loss: 0.0008410025911871344\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4807: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007893390875930588 lr 0.001 test_loss: 0.0008421482052654028\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4808: 100%|██████████| 15/15 [00:12<00:00, 1.25it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007889801442312697 lr 0.001 test_loss: 0.0008408837311435491\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4809: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007880773822156092 lr 0.001 test_loss: 0.0008402113453485072\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4810: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007886043400503695 lr 0.001 test_loss: 0.0008375348115805537\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4811: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007900586778608461 lr 0.001 test_loss: 0.0008380498038604856\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4812: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000775, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007879176565135519 lr 0.001 test_loss: 0.0008433731563854963\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4813: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007888832672809561 lr 0.001 test_loss: 0.0008371488947886974\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4814: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007885537459515035 lr 0.001 test_loss: 0.0008400960359722376\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4815: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000831, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007913851683648924 lr 0.001 test_loss: 0.0008412942115683109\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4816: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007874804432503879 lr 0.001 test_loss: 0.0008389096183236688\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4817: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007883323123678565 lr 0.001 test_loss: 0.0008375007309950888\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4818: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007900176026547948 lr 0.001 test_loss: 0.0008385956170968711\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4819: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000822, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007887931152557333 lr 0.001 test_loss: 0.0008384965767618269\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4820: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000788592752845337 lr 0.001 test_loss: 0.0008399036305490881\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4821: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007884726587993403 lr 0.001 test_loss: 0.000834616192150861\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4822: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007869810797274113 lr 0.001 test_loss: 0.0008378119673579931\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4823: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007893071975558996 lr 0.001 test_loss: 0.0008362613152712584\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4824: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000779, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000787792537206163 lr 0.001 test_loss: 0.0008379218634217978\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4825: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007909019089614352 lr 0.001 test_loss: 0.0008425853156950325\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4826: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007902494127241274 lr 0.001 test_loss: 0.0008417311764787883\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4827: 100%|██████████| 15/15 [00:12<00:00, 1.25it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007900895512041946 lr 0.001 test_loss: 0.0008410762820858508\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4828: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000823, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007896765872525672 lr 0.001 test_loss: 0.0008416750933974981\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4829: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007893766198928157 lr 0.001 test_loss: 0.0008371385047212243\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4830: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007881741233480474 lr 0.001 test_loss: 0.000836522231111303\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4831: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007882769724043708 lr 0.001 test_loss: 0.0008384466054849327\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4832: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007892882878271242 lr 0.001 test_loss: 0.0008415480842813849\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4833: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007872061183055242 lr 0.001 test_loss: 0.0008394024043809623\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4834: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007873390956471363 lr 0.001 test_loss: 0.0008354152378160506\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4835: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007888574230795106 lr 0.001 test_loss: 0.0008378724451176822\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4836: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007870977084773282 lr 0.001 test_loss: 0.0008373238961212337\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4837: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007888073373275499 lr 0.001 test_loss: 0.0008353709417860955\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4838: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007865666799868146 lr 0.001 test_loss: 0.0008385846158489585\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4839: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007858866321233412 lr 0.001 test_loss: 0.0008354139281436801\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4840: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000775, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007847528555430472 lr 0.001 test_loss: 0.0008369334682356566\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4841: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007881892767424384 lr 0.001 test_loss: 0.0008409107394982129\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4842: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000795, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007882885246848066 lr 0.001 test_loss: 0.0008355436730198562\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4843: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007863988362563153 lr 0.001 test_loss: 0.0008352970180567354\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4844: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007864318283585211 lr 0.001 test_loss: 0.0008397051715292037\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4845: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000812, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007890627874682347 lr 0.001 test_loss: 0.0008389891299884766\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4846: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.00077, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007854593840117256 lr 0.001 test_loss: 0.0008344519010279328\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4847: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007836771352837483 lr 0.001 test_loss: 0.0008345800451934338\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4848: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000811, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007860593924609323 lr 0.001 test_loss: 0.0008370585856027901\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4849: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000753, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007852973300032318 lr 0.001 test_loss: 0.000835125771118328\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4850: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007879885495640337 lr 0.001 test_loss: 0.0008378852216992527\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4851: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007871710035639505 lr 0.001 test_loss: 0.0008357492333743721\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4852: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007859241566620767 lr 0.001 test_loss: 0.0008371712756343186\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4853: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007857368832143645 lr 0.001 test_loss: 0.0008355477766599506\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4854: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007856358385955294 lr 0.001 test_loss: 0.0008349170384462923\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4855: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007856725753905872 lr 0.001 test_loss: 0.000837214378407225\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4856: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007857875355208913 lr 0.001 test_loss: 0.0008348135161213577\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4857: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007862115395255387 lr 0.001 test_loss: 0.0008364611712750047\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4858: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007848047302104533 lr 0.001 test_loss: 0.0008358339255210012\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4859: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000818, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007867399331492682 lr 0.001 test_loss: 0.0008352368895430118\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4860: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007872992816070715 lr 0.001 test_loss: 0.0008416155178565532\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4861: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00078774030553177 lr 0.001 test_loss: 0.0008393745811190456\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4862: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007861915898198882 lr 0.001 test_loss: 0.0008340119384229183\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4863: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.00077, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007839421237198015 lr 0.001 test_loss: 0.0008346536778844893\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4864: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000759, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007844586429807047 lr 0.001 test_loss: 0.0008379427017644048\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4865: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007854411223282416 lr 0.001 test_loss: 0.0008347792900167406\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4866: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007875457600069542 lr 0.001 test_loss: 0.0008323950169142336\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4867: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000773, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000784199417103082 lr 0.001 test_loss: 0.0008325804665219039\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4868: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000761, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007832820488450428 lr 0.001 test_loss: 0.0008353980374522507\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4869: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007838050369173288 lr 0.001 test_loss: 0.0008349586860276759\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4870: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007854416733607649 lr 0.001 test_loss: 0.0008353963785339147\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4871: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000785258753846089 lr 0.001 test_loss: 0.0008362117514479905\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4872: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000767, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007840989312777916 lr 0.001 test_loss: 0.0008369098359253258\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4873: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000746, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007834145178397497 lr 0.001 test_loss: 0.0008355931495316327\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4874: 100%|██████████| 15/15 [00:05<00:00, 2.92it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007853460847400129 lr 0.001 test_loss: 0.0008383871463593096\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4875: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007850384106859564 lr 0.001 test_loss: 0.0008363479282706976\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4876: 100%|██████████| 15/15 [00:12<00:00, 1.24it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007839723761814336 lr 0.001 test_loss: 0.0008339618216268718\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4877: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.00082, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007852221024222672 lr 0.001 test_loss: 0.000836498657008633\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4878: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000809, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000787490683918198 lr 0.001 test_loss: 0.0008353273442480713\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4879: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007850007891344528 lr 0.001 test_loss: 0.0008359253406524658\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4880: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000783987242418031 lr 0.001 test_loss: 0.000833101337775588\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4881: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000742, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007817459409125149 lr 0.001 test_loss: 0.0008341250941157341\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4882: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007825808483175933 lr 0.001 test_loss: 0.0008346849645022303\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4883: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000775, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007843939936719834 lr 0.001 test_loss: 0.0008336124301422387\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4884: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000763, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007827446524364252 lr 0.001 test_loss: 0.0008362170774489641\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4885: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007842360452438394 lr 0.001 test_loss: 0.0008334441808983684\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4886: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000791, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007847072556614876 lr 0.001 test_loss: 0.0008350323187187314\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4887: 100%|██████████| 15/15 [00:12<00:00, 1.23it/s, loss=0.000803, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007874486812700828 lr 0.001 test_loss: 0.0008420614758506417\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4888: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000774, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007871825946494937 lr 0.001 test_loss: 0.0008369227580260485\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4889: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007845572661608457 lr 0.001 test_loss: 0.0008337597828358412\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4890: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.00077, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007823817470731834 lr 0.001 test_loss: 0.0008328493568114936\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4891: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000759, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007820741079437236 lr 0.001 test_loss: 0.0008330426644533873\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4892: 100%|██████████| 15/15 [00:12<00:00, 1.18it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007831408060155809 lr 0.001 test_loss: 0.0008317854662891477\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4893: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007844175444915891 lr 0.001 test_loss: 0.0008345091482624412\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4894: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007828884680444996 lr 0.001 test_loss: 0.0008329798583872616\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4895: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000825, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007853520452044904 lr 0.001 test_loss: 0.0008383664244320244\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4896: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007845580112189054 lr 0.001 test_loss: 0.0008357338083442301\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4897: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000778, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007839461206458509 lr 0.001 test_loss: 0.0008368231938220561\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4898: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007850843830965459 lr 0.001 test_loss: 0.000835566723253578\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4899: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007842371822334826 lr 0.001 test_loss: 0.0008360281644854695\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4900: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000813, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007845750777050852 lr 0.001 test_loss: 0.0008307017560582608\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4901: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007819987329033514 lr 0.001 test_loss: 0.000830668635899201\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4902: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007834169392784436 lr 0.001 test_loss: 0.0008331115823239088\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4903: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007827986652652422 lr 0.001 test_loss: 0.000832084653666243\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4904: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000781852297950536 lr 0.001 test_loss: 0.0008333110599778593\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4905: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007824120577424765 lr 0.001 test_loss: 0.0008333840523846447\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4906: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000777, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007843742690359553 lr 0.001 test_loss: 0.0008296688902191818\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4907: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000771, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007819946855306626 lr 0.001 test_loss: 0.0008342651999555528\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4908: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000756, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007820702002694209 lr 0.001 test_loss: 0.0008312643913086504\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4909: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007822230962725977 lr 0.001 test_loss: 0.000831962563097477\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4910: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007808376879741749 lr 0.001 test_loss: 0.0008329719130415469\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4911: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007818203225421409 lr 0.001 test_loss: 0.0008362037769984454\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4912: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007835443558481832 lr 0.001 test_loss: 0.0008300087065435946\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4913: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000806, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007838352893789609 lr 0.001 test_loss: 0.0008337863255292177\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4914: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000779, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007823801056171457 lr 0.001 test_loss: 0.0008362006628885865\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4915: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000762, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007807484556299945 lr 0.001 test_loss: 0.0008356278704013675\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4916: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000756, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007806935541642209 lr 0.001 test_loss: 0.0008328638796228915\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4917: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000817, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007827735311972599 lr 0.001 test_loss: 0.0008314427686855197\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4918: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000768, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007810245733708143 lr 0.001 test_loss: 0.0008322659123223275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4919: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007812897946375112 lr 0.001 test_loss: 0.0008314157603308558\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4920: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007824323178889851 lr 0.001 test_loss: 0.0008352737058885396\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4921: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000771, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007828028057701886 lr 0.001 test_loss: 0.0008341949433088303\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4922: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007828171597793699 lr 0.001 test_loss: 0.0008325749658979475\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4923: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007840876506331067 lr 0.001 test_loss: 0.0008334940357599407\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4924: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007833537102366488 lr 0.001 test_loss: 0.0008348347619175911\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4925: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007814488645332555 lr 0.001 test_loss: 0.0008317272295244038\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4926: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007822384669755896 lr 0.001 test_loss: 0.0008346565591637045\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4927: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007822956812257568 lr 0.001 test_loss: 0.0008309926197398454\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4928: 100%|██████████| 15/15 [00:12<00:00, 1.22it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000782814878039062 lr 0.001 test_loss: 0.0008343578956555575\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4929: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007818941065731148 lr 0.001 test_loss: 0.0008299066394101828\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4930: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000761, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007807680056430399 lr 0.001 test_loss: 0.0008370300347451121\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4931: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007822979202804466 lr 0.001 test_loss: 0.0008317985339090228\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4932: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007810745543489853 lr 0.001 test_loss: 0.0008344207599293441\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4933: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000781, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000782935096261402 lr 0.001 test_loss: 0.0008367005211766809\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4934: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007828660425730049 lr 0.001 test_loss: 0.000832993391668424\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4935: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.000802, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007823367137461901 lr 0.001 test_loss: 0.0008308694523293525\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4936: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007801622346354027 lr 0.001 test_loss: 0.0008351994911208749\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4937: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007832504808902741 lr 0.001 test_loss: 0.0008340472704730928\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4938: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000819, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007836402820733686 lr 0.001 test_loss: 0.0008342285582330078\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4939: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007829571375623345 lr 0.001 test_loss: 0.0008333086152561009\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4940: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000789, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007820042354675631 lr 0.001 test_loss: 0.0008327898103743792\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4941: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000767, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007795004678579668 lr 0.001 test_loss: 0.0008324766822624952\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4942: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007812236435711384 lr 0.001 test_loss: 0.0008310555713251233\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4943: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007812527047159772 lr 0.001 test_loss: 0.0008335018355865031\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4944: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007813895819708705 lr 0.001 test_loss: 0.0008307256794068962\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4945: 100%|██████████| 15/15 [00:12<00:00, 1.21it/s, loss=0.000799, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007809962068373958 lr 0.001 test_loss: 0.0008302757341880351\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4946: 100%|██████████| 15/15 [00:05<00:00, 2.81it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007789516123011709 lr 0.001 test_loss: 0.0008299387118313462\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4947: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000762, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007782058441080153 lr 0.001 test_loss: 0.0008302552450913936\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4948: 100%|██████████| 15/15 [00:12<00:00, 1.18it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007811887306161224 lr 0.001 test_loss: 0.0008325196395162493\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4949: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000794, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007816546635391812 lr 0.001 test_loss: 0.0008321706554852426\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4950: 100%|██████████| 15/15 [00:12<00:00, 1.18it/s, loss=0.000805, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007816282178585728 lr 0.001 test_loss: 0.0008278160821646452\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4951: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000765, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000779194295561562 lr 0.001 test_loss: 0.0008342715154867619\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4952: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.00076, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007811209186911583 lr 0.001 test_loss: 0.0008322216453962028\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4953: 100%|██████████| 15/15 [00:12<00:00, 1.17it/s, loss=0.000755, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007798626436851918 lr 0.001 test_loss: 0.0008277419256046414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4954: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000788, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007783426398721834 lr 0.001 test_loss: 0.0008277470478788018\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4955: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000766, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007794579685044785 lr 0.001 test_loss: 0.0008296277665067464\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4956: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000824, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000782440067268908 lr 0.001 test_loss: 0.0008343301888089627\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4957: 100%|██████████| 15/15 [00:05<00:00, 2.77it/s, loss=0.00077, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007789414337215324 lr 0.001 test_loss: 0.0008297996246255934\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4958: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007790544109108548 lr 0.001 test_loss: 0.0008306873496621847\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4959: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000768, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007796464759546022 lr 0.001 test_loss: 0.0008328942640218884\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4960: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.00078, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007791113574057817 lr 0.001 test_loss: 0.000830891978694126\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4961: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000780125396947066 lr 0.001 test_loss: 0.0008313073194585741\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4962: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.0008, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007817906055909892 lr 0.001 test_loss: 0.0008314503647852689\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4963: 100%|██████████| 15/15 [00:05<00:00, 2.87it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000780293516193827 lr 0.001 test_loss: 0.0008270605467259884\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4964: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007799622990811865 lr 0.001 test_loss: 0.0008313278085552156\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4965: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007808168302290142 lr 0.001 test_loss: 0.0008356331090908498\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4966: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007810775733863314 lr 0.001 test_loss: 0.0008311217534355819\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4967: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000762, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000778300198726356 lr 0.001 test_loss: 0.0008324751106556505\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4968: 100%|██████████| 15/15 [00:05<00:00, 2.74it/s, loss=0.000775, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007798556742879252 lr 0.001 test_loss: 0.0008301490161102265\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4969: 100%|██████████| 15/15 [00:05<00:00, 2.78it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007802542764693499 lr 0.001 test_loss: 0.000827871059300378\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4970: 100%|██████████| 15/15 [00:13<00:00, 1.14it/s, loss=0.000745, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007775813224725425 lr 0.001 test_loss: 0.0008274685824289918\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4971: 100%|██████████| 15/15 [00:05<00:00, 2.76it/s, loss=0.000787, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007835567696020008 lr 0.001 test_loss: 0.0008339056221302599\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4972: 100%|██████████| 15/15 [00:05<00:00, 2.89it/s, loss=0.000785, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007814395978736381 lr 0.001 test_loss: 0.0008340364729519933\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4973: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000766, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007789508206769824 lr 0.001 test_loss: 0.000826091185444966\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4974: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000801, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007789024423497418 lr 0.001 test_loss: 0.0008271597907878458\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4975: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000786, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007779789933313926 lr 0.001 test_loss: 0.0008288176904898137\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4976: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000796, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007797009816082816 lr 0.001 test_loss: 0.0008300187473651022\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4977: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.00078049146104604 lr 0.001 test_loss: 0.0008287206874229014\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4978: 100%|██████████| 15/15 [00:05<00:00, 2.85it/s, loss=0.000767, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007790010189637542 lr 0.001 test_loss: 0.0008293367282021791\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4979: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007789607703064878 lr 0.001 test_loss: 0.0008289168763440102\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4980: 100%|██████████| 15/15 [00:05<00:00, 2.79it/s, loss=0.000769, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007781518429207305 lr 0.001 test_loss: 0.0008319642511196434\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4981: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000782, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007786418854569395 lr 0.001 test_loss: 0.0008280070032924414\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4982: 100%|██████████| 15/15 [00:05<00:00, 2.82it/s, loss=0.000783, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000779175921343267 lr 0.001 test_loss: 0.0008304625807795674\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4983: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.00079, lr=0.001] \n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000780266880368193 lr 0.001 test_loss: 0.0008308493124786764\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4984: 100%|██████████| 15/15 [00:13<00:00, 1.14it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007786159131986399 lr 0.001 test_loss: 0.0008315165468957275\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4985: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000754, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007779348641633987 lr 0.001 test_loss: 0.0008282643975690007\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4986: 100%|██████████| 15/15 [00:05<00:00, 2.91it/s, loss=0.000798, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007788194886719187 lr 0.001 test_loss: 0.0008269803947769105\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4987: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000766, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007774247399841746 lr 0.001 test_loss: 0.0008333131554536521\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4988: 100%|██████████| 15/15 [00:05<00:00, 2.80it/s, loss=0.000807, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007809041727644702 lr 0.001 test_loss: 0.0008294192957691848\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4989: 100%|██████████| 15/15 [00:05<00:00, 2.90it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007785341430765887 lr 0.001 test_loss: 0.0008278410241473466\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4990: 100%|██████████| 15/15 [00:12<00:00, 1.19it/s, loss=0.000776, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007767555032235881 lr 0.001 test_loss: 0.0008261401380877942\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4991: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000793, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007764634986718496 lr 0.001 test_loss: 0.0008260926697403193\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4992: 100%|██████████| 15/15 [00:05<00:00, 2.88it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007749193464405835 lr 0.001 test_loss: 0.000823925860458985\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4993: 100%|██████████| 15/15 [00:12<00:00, 1.20it/s, loss=0.000765, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007760587109563251 lr 0.001 test_loss: 0.000830545905046165\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4994: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000797, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007788462525544067 lr 0.001 test_loss: 0.0008306402887683362\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4995: 100%|██████████| 15/15 [00:05<00:00, 2.86it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000779157659659783 lr 0.001 test_loss: 0.0008277965243905783\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4996: 100%|██████████| 15/15 [00:13<00:00, 1.15it/s, loss=0.000772, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007767698339497049 lr 0.001 test_loss: 0.000829219090519473\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4997: 100%|██████████| 15/15 [00:05<00:00, 2.84it/s, loss=0.000784, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.000778554209197561 lr 0.001 test_loss: 0.0008340497442986816\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4998: 100%|██████████| 15/15 [00:12<00:00, 1.18it/s, loss=0.000792, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007798580802045763 lr 0.001 test_loss: 0.0008306036470457911\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "Epoch 4999: 100%|██████████| 15/15 [00:05<00:00, 2.83it/s, loss=0.000804, lr=0.001]\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "loss 0.0007791282453884681 lr 0.001 test_loss: 0.000830889621283859\n" + ] + } + ], + "source": [ + "config_path = \"metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/config.yaml\"\n", + "trainer = load_trainer(config_path)\n", + "trainer.train()" + ] + }, + { + "cell_type": "code", + "execution_count": 5, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Target Module: dflat.metasurface.optical_model.NeuralCells\n", + "Target Module: dflat.metasurface.nn_siren.SirenNet\n", + "Target: dflat.metasurface.optical_model.NeuralCells Loading from checkpoint /home/deanhazineh/Research/Dflat-pytorch-private_version2/dflat/metasurface/ckpt/Nanofins_TiO2_U350H600_Medium/model.ckpt as strict=True\n", + "Restored dflat.metasurface.optical_model.NeuralCells with 0 missing and 0 unexpected keys\n", + "(1, 1, 40000, 2)\n" + ] + }, + { + "data": { + "image/png": "iVBORw0KGgoAAAANSUhEUgAAA7YAAAHiCAYAAADcelBQAAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjguMiwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy8g+/7EAAAACXBIWXMAAA9hAAAPYQGoP6dpAAEAAElEQVR4nOz9fdAtW57XBX7WWpm59/Nyzqlzbt2+tyjqVhTVPW1BYDGhjTLt6LSONsjACB2BgoPoCDOOjkIboA4qow4ROoyBhhoIiq2NiAwMYTjOKC0wHRJ2qPRIdMlQFY1VNtxrUef2rTrnnnuel73zZa35Y62V+cu1V+bOvZ/n3PucjucXsU/mzpeVK3M/J1d+8vt7Uc45x73d273d273d273d273d273d273d22tq+pPuwL3d273d273d273d273d273d273d203sHmzv7d7u7d7u7d7u7d7u7d7u7d7u7bW2e7C9t3u7t3u7t3u7t3u7t3u7t3u7t9fa7sH23u7t3u7t3u7t3u7t3u7t3u7t3l5ruwfbe7u3e7u3e7u3e7u3e7u3e7u3e3ut7R5s7+3e7u3e7u3e7u3e7u3e7u3e7u21tnuwvbd7u7d7u7d7u7d7u7d7u7d7u7fX2u7B9t7u7d7u7d7u7d7u7d7u7d7u7d5ea7sH23u7t3u7t3u7t3u7t3u7t3u7t3t7ra1YuuFf/h8/s7Osc/ltjRp/X0LPdmZd3N/07SuxzB9MK5XuhnW+gx1u5xidGzrfLejf0r5OWe4c0nV+/e553Kal1yk9XrxWsHv9YDh3ef1Su+m5zR2vE8vj31+/TWi/c8uvoVHT5zHaLvRJ4/++Nf63jH+L8tze+Ow3Fx//kzD1M8mCOrNRbtmUTW3b3KDNJceYa2/psaa2u+k1WbrfIcdfYuk1P7btm2xzzLW7yd/GEkvb3/c9XEf3/3pF/bkF++L/7fcSbzv9LU85UOA0fqqGZTsWb31OoZz/rmxYHpfF7WQT8bsT8zZsbxlP3e50cpmNH4fqwnwHugPVufH62Nf0XOZu/eJWr+L4JZfZ4btybtRXZR2E4/plbpjizzcOdk6pcO3V8BsA6KRz/Xk4337n+nnVObDWT9OxVinftvbzyDHdhXZc2L+10NnQlp/SWb9d2GbHtB7a1aL9zDPW0I4btxn67OI6AGeHfcL5j5aL65IzJ6+D7Hffnh2O5ywuTHGOP2X/eLbNu2KKv3DA1lUyXTJfjr93xXDPm5pKW3qvP/Q+fsgpxPn09E278GCyc7mBsmTn+sxdkyqzTB6qTuaXPgc0E8fN/ez7jrmvjVxbdfK5CNPLzLp9f0O1OJ+L/NRsQbf+E3/e9HMGnANPgD++4JF9MdjmLAXY1FKYu9Gx+mPmD2qdG0GbzYCXZoAgo1QPS3P9y0FvCupToJtutw9q/fHcK4PbfVArl3WI6zm6lG7Uljz33fPdbT/tQ/o7HQLRRnm4jb+r6Z9KspsP65O+7vs7lib/puULltfKavzd4ibwNrddbsy4DVC+ybql2xx7TW7j/A69pscc47bW79vmmAec277OU9vnlt3mS5iP0xygPHyN3ueloOfI3xflTsve8eUtdkCJY92oPdGtyFY9vCtwzi9PjzFzTCXHkRRoxbIeavttpxt1SvntJdQeYU6pwI1ud7nswxRcpvPOzTyYqGGdzoxg6TGc66959tgRao81pcdwq9UO3LqF7Sul/Esdq1Ha4qx86vu5ZnEgP9Km7rm55Uvvz4eaPIWpedmHow6Q2txgKg4815djbO4aputy28rntrQ/9YL5XBtpW4e+qDikrXTbI2zpbjcC2ykbq3Rhuu+Gv+DGFduYgokczC5pb1Z9zCxLYXcf3MyBs3jRK9qPwP3q1Nt9becA17oxdHe4RYpsTk2P7UnrJp5K5O+UXss4RsflHnR325Hwmnvhkv59pn8T8TdPjx9/v6m+31m7yVvZOVsKCK8aBJduc2jbx9yQD2lrH8C+arV1yf639ZLi2H2P7d/Utb3JC55P0FSHhz0VWFIR1DxQ2vlldli2Q30BanvVlN3VEhx7NpYqcVA0nQOn3Ui9dUFVHU3jsewwHXWtVzoHWESBVcqrtToqt/471vVg2quoNvZrV5Xdd5segXLYf3QNIruL8cJNjHujFw2pWiu30Wrol9a4zoXzDIAXwdEO56ScC4NSBmqjYuvcoM4CTisU2n/XyT5pGzA+tlxn7c62s+DZn7vx7fUKNgJo9VjJ1bafd1JZnjqOUmAMaD36NVROkb6TdrFnfY6s9i2T842YlmACYZwAVcCAOVVxH7Sky44ZI6pkXi6T33eU2ikl9pgbewVchge9cH1OMmp3rrkcyMn5m0BdTiVdsk+uX+k1ntsvd8z4G+wbn1PV9zIsvxi3YQuv1s41BWMhe5/dOtjug9optVNuk0LFFBQvAb8lwDF37Pxxc8fZv82UiVt70ubQl1ftojxlBtX3Qys1gtElfZpzEd+7r9yH8e9kYEdx75h8fshC7NwLCa3USDGWx+gtcY+WXgCvld3Gg/0SlfY21OBXqUS+arV2Kci+aui87Wt0EzvkWIcC66HtL9nnDpkSwmIvqM0ptJJU94VrpBJwgNgR3IYv6aEk4DrN0EkBsk5H6JZQLvotPm70XQ2u1eKTulKnrsT++Ifdm0eQKxTEnFK8N/rFuqwSOWqnP39Pz04n0K8dzqpEed6d76FWAqncTo7JvVfWBOCOFODExTie11LTavcaqCh122lVOO2ThFWpOId5Fc9JulHfeUvJYWp9SnpzcuLUugC3cb1pPaxNKafysKlNKYuHmOxOrs3cKexA7RTQHtK5OTe2ip2XAjB+KZCC+aGKZW59uu0hYBu3z80v2W8fSE/92e079/RzPd2FY4XyWwXbOaidgogUXuQ++7bfZ8eoaLljHwu7Uybbk8dL3y3Kc/04VFwdjmhv0XVnH8Qu/Y1yv7uETxjDbs7mXrCkNhfbm26jk21fK7vJoLRUAbspKL0q0DsEZG9LpVyiaB97vrfx4mBu/asAvqXHOsRV+FX+vd0liywQbkCRC7yimHFPlpYCbuSbMO9Xu6DKqvEukksQzQgxzgFo3wHl6AE3qrejOFs7/mBBd0F5Vt4rKMFBsWR3XnUMUBvjYuOUpDFxfZaw/sgy12FqPeBjXKfWyVhd2YRSYII6Dx5uEa7Eahd0d9yX46ZLXIbl80/04k32GUGtG2D3IMidMpcotTAAdYyhlceKMN//8Suc1v77bfTnY7MoZ0nCk5ZSp6SEKUlzyiKkCYsPsFWiRi51x027lePNdPup75dJG+eMQeg89HNvbK2ksnQ+2lwAb44uJeQCJqi5J2G7EwZFN4XC9PBLnpOWqKKy+0u3zX1PX2bI/jdMX8J9x5e/m/wePu4CmhNQ19C2UG92/4orRhHQe+3WwPYQqJVurmkbS5JILbHbdA3d56Z6E5uCXJh2U34VcLsEape6Dr8KS12go8XrswTFR7/bzMuTKZidSpY2KLYLOnEX7FBwWRrfufTG/KoVw0PP71UB7rEq9m30f8pexfU7xpb+rd3keh26zTHbfoLWh7VG5Xbf/WciUd5IgUw50W8R/lXD4qjWunArTZvuldwBjqPSGyG4d0dO+q5gcFuOymVGyZ1VceXpZpI+jQ4GIVZ23A+XtjNcil3LLM/F9KqpZ4dRIqwQPxx+DBfeNKi+s2408EW36L7r2vlBKfvDHGAxQZWMx+0h0zGKi80lgsqB5ZRLVbLPMqi1YP2F8B4Atu9jD7evjc3ddHJy5pJA2JxvL8myRL2dOkROwWW821Hj9r59Krzr6nmyHALcpo3kyCuVHtN1uWDeOarfs79hrICnu6R2jJJKZrpvv0O3jSahdqqdfS7WVWYqgfcCXO1vNe0a2Ow2fbag69Fu3RV5X0ytBJQc4OZA5dAEPa8auA51XV5qvWttouLeRoKiqTjX4Th5NOwzSovzTK/vq4himXPLzh07hVG5Lmdzv9s4e/b+tnp7nV4QS8vdkA5JVrQENm5yY79tGLstkD0mHvaTBtsl+7wqsD3EZfiTANqb7PMJmLIBfPQAg72NiJdd6O3dXhNZ17GrbIr1OQB2CI/WeKi0L6JLPZ+ZsF3IHaSCNKs7vEppQXWq/65DZmREjK3uRMxt51BKhRwLQr2N5xWzDbsIuqlsOvSzP6EbJoXy12zhINIPeqEfNsw7B9rgXMieDAOsi4GyBz/ncEa4JHcONcoYPKHcRvUzUUN7E67IfkOR9CmNow2z4kT6fo+gNTm2XD7OgpwBZ/nd6gFu4zXYPcM7bDHGdgqy4nwGRCdtijqn1N9GKJDVAGdTrAx5CJYQFJeXDPf/Kb5Muy6PEVXckkHBjcrteVRvc8Q39YHdAUnG0qbqbY7MZGcTmdqE9k4YrmWuC3I+dx3kdZOHXXIN0+2WAOrc/ku2n1ON46cR28btw2/qauhq6FZQdz729qMW1i08w2dFXmKLwTY+4OdUqdlYRTF/iNJ4LMztg9pcuzcBsyUJqKJNlRVK3Zg75/Yn27qBHRqbvLRs0m2ZSVyMp2yJsnoTD4B0327iuhlxXV67LMm5t3OH7jO37tg3tccef2r9TZbdZgznXQHbY9s8NDvzoce5LaA9ZLub7vNJWUgMNcRBhq9xfaJA9qbEdJ8CmbghZ9s6ZghIlVFFr+DG04rbWOVdca2K8Drsa4kgGxtyOOevieob8smUVARDG8vhuNF59QqtVn2pHmxwiY4Xd84ms1om33OeQzmAjnCK8vwmXzgY8btH6FPDD6t0AEPnUCpck5CUalSiJ+0PDPHPmXVZS8sNSVXWOnayHsNIifW7JefSt2eTr+P1KjmW08EtWbb7WrgkS3JY4nAZISyFKmlTwapTN9WM8gjT7sn7LIXdKdsHaZIlz/FjUJTvzmOfihD7OmeSrFKilAdr8CQdnV9T0N1nEy8MTirfzxQu093SJtLukVm+b3xtGMrsTAH2vlOSJp8DSjGf+g/va3vqPU7tb3NdAF27hU0L9cLKTgcrtp2bdrmcc0H+OJIfHavULh2P5mxf4qC5WrnhhfQrs31qbWqpSpsC7U1qAC+yhbCcA9p+Pvl7i7VtZd3aIdPx/PGmgHbJvnfalkLtqwTJm667aR8OAdnbAM7bXja3/BC7TaBfst2xAHvoud5k+zsOuVGNVE75hE0Elo3uo0ooujE7sk5VSkA5f8t1QzbjPhETjGvNxv3isrheLBu+q2kgzp7QMHU6Wa7o3WtdzI4c+mitV3Vj3VvXhalR6MahlAbt0I0FHWCxE7VjIwCO+hLVWzWqFxuzGPfgK1VeO4bU3nYeMETb4rz7NmN7YaV0o3ZhSsgI3YNkep1jJjHrQvZhF2KeE8VWZpSO+zkXasAOH9VZKAx0dlCCrQWnx1C64xkQFdTQFwMqJIpy0Y/duV5p7X/3HtYzUDxlEnJjIinZhzttz8irgWnMp6SFqN6SbJ+CVdrmlEXSifsmcaQxhhTGmYGnDp3CWVx2ljmVdL+0S9GksB2V21jk9Pw0TAFzhYfTC/GJhVgvMg3HRuN0SqEt92w75XMbrqeZUHGZmMZPye71ketTCD5k7MpdiqmQoCUvH+I0vhtITV7CKbBOvkfAbRae141dkdPSKTmlcQ5q73KZlEPiNz8ue5UvCFKVdgpoc4mUbss0Y1jeUbPFfKrQplDbZbKByGURcuP2U5C6BF5fK6V2CdAeA7O55cfA2LHHXtqHpRB3G3B5LFwfevx965bYIX8HH/fLhkOOe8z2twHRH7P1WYUV/p/gYhvdeh1+uQpKVp9VKhKqvD0GX2af3EkNaq+E2mQKw1S52PbCmNSMDaV06DMn72wTId2q0FevzMZypVr7TMw6ni8D1zmtvGIZATSouLQC1hI1VSk1wK3WHsRMXA7OeD9w5aOJ/XrhupN1YR6p1QPcDtA8HL+/hM6hAhwqq1CxHJIdfvdR+Z0o3ffKrgpgy3Cell4VjseI16UvLWStV0IjgEYPgW7IYqyi+hoUj3HpH1HiJ9Z8shq09V9j3G6Yqgi8MnuygFul1Y5qO7q0Sg2Zkns1/HUYnZMaKJPuwiTz0abiaXO2xIU5d2wB0n2ZiIlsyiS7TkFunWybHj43nyq45wwM+yRs9+QUTI7OIuROgW16reW6dD5un1N29/2GQsWNCafSc5UgKwEXBqU6vY7p4eYs3Td1FZfz+8AWdi9LesoScstkmgugTX8C8a5ln72SOrYggffVK7XRZGma27SlJb7nVFvDclfkqey9x1zLnFqbJqDa53a8D2inkiqlyr7cbkr1T915p67ZTaFaKrc5cM1l687Z6zBkztptZJs9FmBuY93S4x0L8x8X3N7WsfbZoSrssce/baB/FdvN7K9eiSvK7VoE2+FW7uFKhZKgCsbKbZh1WvgPp3CrwAVocgGKh5qzargZ2hR01TjbMcMhcomldr7P7ROhLwXecEIedj20ORNVW4U1oAvQhUIXzk9bjW4sulCoxqJaizIKWtvHoqbJkYbLq7zra1RvjYcoF2A3LhupufFipNmGISSs8j9UTA3lrAuu0Exb/A2Dck0XXwYMwC47PsCzCmHVTqin4lInYBveBgTFNii5sS6uteFvQ14vNwLdEeC65LrK+rQ5l+Ql5iwu/j9Vbqj3pzRoNYbcO29RTYTjXF+lehtpYg7Oct+nTG6Xq4cbtpFqbg5mc82m0Ba7LdlTlviNy2I3nom2ZOztOfD4ETx5BE++AI+ugPeBp8B7YXoBPBeNyo7loDW9FjmS27dv+tuGeYOH3BiXS5WH3Xg95HWYegGQg+JGtJFe/7jPWTLfTLQ5pxJP/Qnm3gHIz/nENrljzNhisJ2LrZ1yQX6VUDvV9hSwze2zBIaXqrdzMbdL3I0PgVoJrUtrw0bLnfOhULsUaPctl5YbhnI1ZOXLBqN8X+Iyk3to22lz3PmlceKT7X18729uz/bVMp9bPrXuVYHg0vX74Ok2s+6+im0PvSa3GfN6W2D7cUDt0v0yy+egdapQ/F00r3gR4HUATa9kMiSVgj7R1ODuK9ySJdDG1UEBdhGSrVfKlAU61YtoCnqojWAr3ZiH9sjDWuJ6u+O6HMVjNZxrD7cBylRUY+O5G+f71oHtFNrgP4UXcZzRuEahtQdV3XooVZEQI7hFiMsouWgNxkvDymivPAbQVQJye6BVblBgJevqCLVugNt4HOfE/vGlRfgd+mujwnuLpH+xidw1d8oPqjLBktw9tOXsoAS76LJtbUjeZceQG+ejktt1wQlAwvIBUDuhyvZqrSwzBETCdSFDmXIKZ4yHbPMqA71uy6IrclRGUzJIFdmpm2yaXColg30uttL2PSDIZXFbUee1WogXqVor+TwCWPwuQe5CLJdtxc9jPCi9DXzuFL77C/AoUvMz/MuEp2JeXt+YpWqUqWrmBMK5j7ZN53PqLtPzphKwK0A3VWtJvqdJolIQzUFt2lY6TZNY5baTy+WLjXgZSL7HT3QlfyKmcVmq/i60oxXbfVD7Km0pMB+63asAXNifYCnnvn1bUBvX7c2KPBFP65exswxuDnNzfyu5oUgu6xj/Fn1fRpdi+rpkAXrP+RwK8nfa5sasuwSzS25mS8fcqe1vck63cT5Llx0bA710+9uAz5tet33r5mwBxE6Ba275nYfcXi2lh7zMJtMLXaRG17vTTm3rlHBvVg5n1QBm1jHUoVU9aI8A14G24zZTVXbuPMNhh76Idb3rcjysVKQJnsdB2XVaoY0bFNxS4xqLah2qNOjWetfkrvMqbtvtQm5nfaxpN6i3EnL7WqpZwN2N041uzSq4PLtO+XPwbw124HTkCg69S/JkHuBk7HcRhGOZoP7CBaANV1fF3za4MfvfXPX1idHhjbIS5xeU5FFpoNiHNM6o778eZ0iO7cDYHRlQ4Y/IRd9zhn7vWEwmdeBL/0/GItjKp/kUcHOAmjMJt9HSdvb5iqbHi4Gx8hhTxw5TmWF5qr7rlPoXuxCnqae2rHV7IfaV6u7TsM3XCAou8OSz8PZn4XN/uwfeN18APwb8KPATlKIBR0HLml3A3afEys/ZnvUk8zOSZgTdCLtS1Z2C3Hit5HVKpzkQTttBLJP7h3kVMhjHTzwruRuALYZpnHcGeAf47/4wuxmupMVr8Y+xz44C20UK1itSa1+1CrzUlfmQ7MqHZDhO250630MVWrn9FBSn554C+ZxL9k1faEy9U81du865afVbbr7gEt0GlM5lDL+TdgzUftLwd8x+c0B7bN/vKsguhcGbQu0x624LkPfYPojd9z3a3CPjXTKZ6Gn4eKgbwZDKKHcjVVWRDjNDnOdAla5XGMX+bgBan7zJ+VjXTvnfIyq4jqD0MVJ3U4V2OC5DXDC7/Xdq91afwq2HxRB3bEB1Clv4ckKxjJBuHbrRqNahO59gSjUW3RpU06EajWotrmlRbeehtm1xIfYUGNxelfLqoNEorX38bYTd6LIcs/bK2F3h2uyUGtzFI+iOkkopkegp+U1lhuz4HcYlgSTM4n8TCboScl3MrmzdGGjj9Y9A31mvmEe3dx020NrH72p8XK3rgptwEl8b+tzH10pL695aCbgmKLjJU4mzOKv9NlameL7L9j7jrEoScKUtvTvlBvkpEJNFYhNgGlkxbqYvsTNXx0fsYML0pMyXwElVxNidhr7W6c70Mmwnc0Q9T74HCJPjgzOhjV/yCP75Xwd/3Y/zGf5TfiEDitZ01Gy55EWv8V4AH2HoWGM5ZVdWlICarpOqb4RTMvvmlN4JQB7BbgLH1+L6ymtxyS7cxvmcIp7+LqEt9QKKDTxsd8XXnGZdAlUbetmOz/hrfwG+wW/kMdOsHU/hVsF2zkV0nwtyBKkcjC2FyY8rVvcQ9Ta1Objbd2u9TaU79v1YKB5cfFUPkfGeMPd3sLP8ANV6bt+pdX3d36R/0kVZWqq4LgXRKaX22O3ujB0Dernln6Riuw8I9/X1WJi9DRVyH4i/ymO/irYObW9PW4fEuc5Ba7ou92i4dNldMmcIKqSAQEmKigFq9ZBAyqXbyezFEUT7TdQOJPfbiWb6kj3GTy0ehpTyXNGH+oq2etflmKjIJXwtYG50LlP37dz9V0WVmX7wsioAm3Y4HWJxO4VrHDaouLZ16MagWotuOlRbQNNB26Ga1ru4dja45orRPSq6NsSaau3VxZCIiqDo9p8Atk5rD/wJ5EpF17tLp28CRMminTHWxRMWl2N3f7npUHM3wKZjUKqtmN+5ziHWmQCrRoekUQHEuy7EBbvejVilrskwqkO7Y9aKBFW+LWUYYHvKffm1UGyfMmQ+kn6bcT4ODlK6lNultq8GC4xlzqRNw25So3Q3Cnp3Y9MygHkM0tyj6pp6yBAMu4puvBQRvqRyK7tciu1S6BWA6yKQdWC2wBa6Pwf8PuCf+Df51vf+E3yrV86fwPVn4eSv4c/x03wNeJcYndvxPpc845ILPuAZ0LHKqLsNY8CtGeNcbhoV23iC5+L7ebLN3KeBkzP/+8RdYYDX9ND1sNvI4u+QkuaFh9p1O3gPP2bsUSwhNwXfSix7gn9p8N3fdDz7rOpfIGR+wpEgP2evLHlUNKkOaqUOhtuPM/nUocc9BH6PBdc00dMhx18aY5xuO4ZDNauQTgFo6rKdbrcPdHtonVBsD7Ep4DwURD/OlxOv3Oag9raB9uNQ+A5RZ2/rPG4D0m/DTfo2FdFj1fIj271pvOs+F+KpR7rc96Xr7orZIsBtVFJTlZYAvcZ5hUK7sJ0gyKC4OqG6EtVXCbtqmO2P1au5fo0zHjhUAG1fN9b/xioouKoLIlxLr9jqzvXr+uNK7tauV3DHnwR4RZeGaxDiV03s03DcITZ4UJu9miumjQuqblRyrVdytx5w6Tqv5LYddP4jQUpFoNU6fMJ8ArkqLN+r6sbfLXXVleeejo9zHmOjONUItWJXGSMr1o/ce0du1s4r2CE5Vb9fYQLIRkgWCaas8yWA4nFkHK04x9F1lW7OdmZfsf9dtpJ3afq0vtIFWcJQnI/qHeQBt2SXXFKT6qoEouS7mVBXZRPAoOYKVTd+sspuJkDWhB172A3neV0MVPOYAdRSSS+V9xoGmfUZfe4o9xSKC+/9+tYGnvwIvP0j8BZf4B2+wJeAvw7Lmj+Jcn+G7/tVP5/v+yHg++Hye+CreMAdQBfeY8tTtjzjBR9haEaIF/2m5e8SLR2hcmq6hOOcQpxTdAPdm3N4dOavYWoyfjn+9NGDXf7OML6uF/7FwLr13txvhTN9O/w8bzOAbpz3YbM1FS/DFXsepv7qPeZd3M//QTiDx+8Anws7ywNEEv7lu6eS2vLkUcyXYck91OfiOufg9rZsH/Dd1rFuG36PbWMOuOTvMqfkpi8XUrhd0v7c+nHSqfz5DHVl928rt4+2JLFVut0xJuvayiRUr4PDEzDtMXQs0L4qmD0EZHPbHwrvt6neTi0/FGRv89rfRIk9ZNvM+imAPTS2dW7dFMQuBdrXAWal2Yqhfq1w4R355EpTAyQi6tk6F1xMuwB/Hf7mGuJlVWyPMB9vdMJFdmiMQXlNALWHUI2HN+fB3DqFlhsGuO1VXDvsH1VMFwB9UKqTa7DHZEkh1wuoQXU0jGrh2i6Jxy0NqrLopkA13aDkynjcqOT2cbkBfCPkJgquC1MVk1IF1VYphUMTa9CqOBanEJuB0vGPws1cyqLC7DywuiiDe4/gMQAjINSK5WKbCLlqBMwucz5Dx9Rk27sK8Gi718B+Hh1/lWeZYU0qd2kmJcTy85095++C6fIFd78UguI0Wg6GKuiV3R5yJeBN0XI9NHBSefXxSTGW7mqG+NEUaiWopX6xT2D7FL7+ATwNgCuOFjbRfIkvwx/+DL/nP4EfB74CfItHwHcDXwJ+nH+bb3LBoEReAJoOTYsdtTqXXTm9uCnUVpl90/3lhZc/0AKTuzZM/6aZcT3+BBVDlPizzDY18ISKRzymokRn1eqa330xvCyI6BvfTXSssBSTlVKkHaTYzpWssSxXrOZck29iSyFyn6uutJv2dS5L8zF2KDzlfpcpFTgHt7dhsc8SUuegVM5P9SF3HVKYvQlodgtffkxB7p23Oehbuuw2oGopXC+NN30VYHiT875NJfmYfs0tX7r+wH1yELsEYHPb7Bua90HrsYrtkvWftLWnPu51pEL2UEjv5hvjYp12YBwUDlVYlHa92OYsuE7jWoVrNapVqBZU44FXIVyHGUS6HZiM62Of7LBRVJYBXElfmkcbcEHR1a1DtSEONk6jgmrdzt+WV2KHxFC2d89Wg+t1rzAzAmBZJ9eJGV8v1k97xdnGPoT+tC701WHqoObWHbruUHULTYuqG6gbXNtB22bVXLTycblFgSoKD72FwRVmgNygtI+SNPX9FSBo47XPj0Ojmrrx3OWyUTbl8JvFeJ2J7aLZZcPlrqqcAPlO33Pnkp5rrwIPSrDqRG3i7u6/cv5B4Gt0fJUPeM4VtldvI9zkAPcyWT6VxTdV93I2dadsGCeCCoul+3AKPzlBtu+KgNzYTXPFdOCn2NlU8Ojcf6Jj6/VC2E3B9xLcM3j5DP7ie/AX3wXzLfiuTUiiDDzhM/zy3wh/6Dc6HgPfj/9FPhfm/9a/C379f6T6wkGXDELyix5sY//lbzLlQh63W+JqvPSFRKB7ec3TFxJxs/Qapf7AopvdCjYtPGuHzZ/jIVRq1dI92au2mic8DJ/v4Yyagg06BEb/euV4ApxgKdhQcL3buQWP2a/cFXnOblKuRtpt1q6dyh6cW37bYN63e8Q+c667qc0B/U1ijKXlFNpDSgb162O/RJen9pm6bkshdZ91mdoJsh7ubR3nldtNlcybAtWSY9wkcdInBbf7VOSbKMq3CduHbpOxpQrsEqC9DUX1NoE2V/jiLpqtBNja4O4Lg1IaAbdTvt6pVd5DMyqhCp9cKdSttcZ5hdI4XxLHeBdZ1SkPujHh076OJfdnkX9q96EkgmbI8eM0vSLo4dSryX2Jm6jkRrBpQ8MqbG+G/WICKRmD7JQA3imFV/RX5h2S9XNt4XfSQIf2zwcBVJVSaBUTQSmUCfGlnfZqbpf5zxOhLJcASuPdlJPsyr4vu4AY9z4IcGWbInNzv70abzN2e59oLznWqD9ysJawv++xIxcTbAcFuC9F5Ibau5NZk++QfRHJZpdcAra/U0k1NgVc2B145LpoS18ByuVTcbrBuj34kMJuepheWDyF81MwZ4zTHefUXAm/54Oa+2a1myxJ7t5kdn/MQFyPoXsbvvUUvvUMvvpiDGeyRxd4VZFL+N3An8ADXVxvMdgRWkXpWFoOTnNAO5ecKndBl6i7wXIif9o9+UngtqmgvYbNBi7ase9ACrhPk+8ecr2Ke07FEx5yBnyO6K6cvqWQb0p+0UzHvR0Nth2ivqhzWaCyzu0tMxNtbrs5gMzWY506xpHHv6kthcSbAC0cln15ts2Z/i7p45QyOyi3h7WnycPsqwZZyMNsbr3ZOyLfQTtUtb1txXYJHB6r9L5qeD/UFXquTzcB3EOWZeyQBE2w3HX4UHjNDb2HAu6+NnPAetdV2TmzD1tQzifSaf1H1xpdD/GsvStxgFrrwKGDC7PDFB1FYTHaf5xTWKdoO03bGrpOYxv/odU9QGPVqNSQh2vVQzZu/LflY3cHUBzF8AYl1RZexewTOxmwRvm/pbCNdg5Vg27sEPva2QFioAczn5VYBeAVH6HwooLqG12cpaqbQlyv9Koelm0p4nNbjWqN71dtfeKpug0xua2PyW3aIatyCrii/wAYjSs0rjTY0niw7fufJPUSJmOjZQZlJeB3ZFFF769BgP/+xYASarcS1yG5Lj0Yj6/ZniF03nLPNDHRlPzbc0HRt8P8sO7uj82/BfgJ4CeBPwd8jUu+yV+l5dP4m/k5ftC5ZKzgpkpgLmXPuWgjzVkLO5AkE0YtffEp+VN+l66t6TbRen4/hbNTOH9zICDzAo9J0SH1edKQaDCWFaLyoDuVvkiqvJGZkmzA2wv4VqpYSr4C+BL8Sy8cPHoB/BT+1/sKPvr2OWMYiycqf4szdn8/SZLp+tzLh7kXFJkM17K5OhzicTj/VDCP59+I+eSauQtoav95mbxMUNf05X/Wbf4vddfXoOKMNzjnjZ2rEn/NH2C/HQS26TOQhFsY3F7nEh7dlqXwddvOJvuUyynYvonSmYtH3Wf7YDaF+aUJpOb6cUzc6xTMTkHoMbGrr41i+knbTeHpthXbJTB7KIzetgJ6m7GxuYeGWwTYm2QTPmS7m8LrTeB2bn3u3fghbS7d5pM2XXWoUF/UZ9E1OOewDrRTPUxCAMrWQyMaXKuxxmGNEjzlMCH21miLMZa2NbRaYwuDba13V+4UdKovNaQCNA9JqIAuAFCH34gBjnplVii4To3VUQilX4J6a4NLs7IBRMMxfabdkC04KnbO07zq/NSDbQK5WsCbVkNCrRG8uZHSm1N2+zjg+BIhnlOM/dXBlbjwv43yF3eIw+1PV3m3Y+PdkCkLXGkC1PrSQbbUuEL0XfTLZd7ayxrCsZ+jEkuZJFNjl22vgI+Oswf8d+bjvmHZaPsjLGbqHl178XcYQVY5NVp31+3xt+BLn/H4FuMLn7Hl5ShglDAvkzClsbcwpjRpsR0Zk5vc6aQKm45T+yA3FVlzNVvm2pKcHqsfPXkE54/g/AsBciVxPWOIyIxUJcEuIpHM0/sETs79J8JvCvIp3EnokxbT+T6SiZtgh5JH8rT0k05fOsT+nydtyYtTMT7POQs/QkwAVmXOU35iUuvYFXkNIgCnbt5TyngNroYufJqw7XcE8BabMdhKeM3hfrzKtw620eL90kNsiL0Nqu2+WNsUrGbVwYXweAzUyn6kau0c/KV9uk036L4/uePeQhtwWCKqFGCXPC+n/TwUaI+1VwW1Rrm9qu1rqdbCzZXMQ5TC3PJXkRF4qn+Htv1xguwxLxrIA+xNQHXfNrcBpse0Afvdg/cde+4x4HWA2Jw9enjVg2jbaerWsN1UdNcGd21wG42pQbVe9XTK/6a2VthKYRtFs9J0q46yanEVrMuWynSUpkOH+5p1CucUjdU0nfFqrtV0nf/YTmOtxnbKQ2+rvftz51XkPuNxJ9x7rQCRAMP9+s730xkVEjiFMjwtdJVCrxy600GxjZ+QsbgeMhfTJEouMMo0LLIQZy2JK43uuVOQC4TYTkTcZ1hdGijHWRiydWwjaBfe9dgWClf4qS1UWOaVbK9oE9zIhQKduFr3ruD9dXejesKyrvD4/OlduXfa3YFYqeqKqR63Idf7a5AccnSBxupz/D6osgFehUrbZ7sW7dxIMf647Efhi98P7/wN8E7l4zzPgZ/iBd/pN5K+o3FQSDPupkjQEyK7hVky6q1hF25zUBrnc4rs3Efuk4JRnE/b7O1R6OqbPlPuDwK/7r8C/kPgKxR8e3RJffkdeU0E3MrzN2cedKmG2OE3ZUtzA3iUdOMrifeBdym54CHdCFHjXhHLfYmgh+O+9Nmu5G84p+7C6PcDJt2UDUO925N0v1TBF0rvvhcTufmpQrS1V3m7S+iCMv4yfYkwdcxg/wL7bTHY5uIj5byEW7/9rmq7JGFR33YGal+1Sjt7rJF77f5+HAL3S45/W4mcpO1CaN6FOLftPrtJIqePKwmTPM4cGM/BbQq1r00CqZtA3zEAGu2mwLhvm2Ph8VUleToEajPnekg24bnlS9cfAp7HKq7HqKw5W+KS/HNVrQU4qZr+/tMVCq0LnFNsLT1k+qRMbnATDol5Vesz8DoNVjs6beiMpdUaoy0lUCjvnhzNOkXnAtxaD7dN5793wXXZdhpbWGyrcY32yRFa1WcZjuV1RrVre7ANEBxASLd4hVn5GOGYsdlnKvZJp3Sh0EXIWtwojFa4RqGN8nCrLHQuH2/aZ+VV47hTotuu38eFtNBK46+jLLsz2ocdoJXH7Y8RzslpNSjGWo3cjCPEOqOwZQBbQwDcoFqbAXD7msZmF2xl/2I5Jy1+jxHsJpeph1Q9A6+wH2oZ2knhduolQZzfcXnfAdw4/3qptNKe/1Pw+N+C8m344vfA1/FJit4FPuIilI9JbWqQTbMnT20XLWnbMFb30kPOwctSoJWwI8MpU3fXsF182QU+cRFPwin+0C8D8/3AOW2fj3cMs5/h9/OEQePd7JTjiaCfqqLyhNMTSS+I73jBRzxi24fuRlSNLTajrbc84wMu+GCiDu60w+5ueR8mprllOfDN7GcqUXopBV+5fbAptT99cZG6ds+BrWzrADtIsbWMgWWU0IfdEkBLbA4gc+tjP16lTfVJLt/Xh5xyfYh7dm7bm5T92WlrRo3NtTOX5GlJYqedfYjXVI2+p3Yb6vXc8af6s6iNnwtK7R6wWgyRc8tuu8TNXD+WntshfToWcg8A3EPV10PB9hDFcikYHuI6vDS+dQmsLll/bD8P3eaTtM8/eA6AVs7HxTrNRbPixXbNi6sTri8rmssSc6kxG9CNTwJlWtAN2Abc1mArTVsZ2qpgs+ooqo7VquG0ajgpG06KhtOiptIdhe4og4+rRdE5RW0L6s6w6Uq2XcGmLdg0BXVb+Djd1iu7zipsF6hGgAhRZeuUB++QrEq3hMzIQ/IqCTN9HdoAaD5TsT833ThMmMZatD6rcnRfdbsxoXri3h+VQBhcYOV8SMilrDgGPsYWkcQotu50AH6tcaXuY2ltobCV9mp6oejKCLVgSwG1Bb1aG2EWEZfcZ4Hus0G7AR7jtbaDOt7XGQ7XMguHOYU1uVw7ybgSkJX1iGOm7mEbtwvK6TESuJXnwehvQ42V3tdAsf1x5fi1f4eCp/C5H4Df+D+Dt42Ho5+g46f4JltgwCUYcCmF1wghz8S8BKMIckOu2h1wMufwqITudBdMcqyc+x4/cwAc23zOyMNYXUN1sRMd6+c3UL0Afj88/f1Q8zv7s/kcvhjPF8P0c9T8Uff7+fv+DXxdn88B73RcvvGCd3nB+wwRvM+S7sYrOVVwZ2qabpu7JCnXXbLlgi0XvNgJbU23j23E8jc+UVV6ZPmRIHqMH9NUm8nLACP2i4rwCTOWXtG5bNDSvjDXKHAA2KZQS/hu1C7Eye9zCaRuqooeYnOKZ66PU32Zc9Wdi3edc32e6tMSm7su++rFTrWxFE5zZlR+f505DhwGtFNt3aYbssEtau+1hdpoN4XLfYB7TNzsIdB86Hz6knVp28eu2wO1KcguySa8b91NQHEpGKbbTbkIHwLSS/pzTDtLhvC549z17Mifqq7pnOrvRY01FMr2oNt1mk2rsQFoVeeGh/4ONAqLQ/tgUGJIbgs+3lY5jLZUuvO1ZpVjpTtWuqXQHQbrKzZaw9YWbK3hqq3YFCXXRdkDbtOZPhGVs96t2YFXSh244FLqOu/C7ALIulByyLa+7E/vvjyKHaWHGmWVANv4UZgmAG8Pt+xAW+8qy6CsjgA2QlMaqxrAVUVXWOtLAGE1WltoY/DxoOISsxsbH/sb435tqXt1NkJtVwaoLRW29FBro0JbJDAbsz8HdbsHRnFu/nzccC17qHUD5PaKenKdkNdo4o8yAd8I1pPuzBJ2xfZRAc4Nxb2YHtT2sXKr6LN+T3TxLtqv5Zf64MEfAL4Gq3fgi5/3yu1beGj7Vl8CCPzdacmgNkeVuX1rRuDcu68Wu8mWU5Y+QlkDsgKobsdInjpTn+HdtZ/gr887eJg951vA14CvhunXvI4riTCxnJj4fcCXxamlCHboy9Ipppc5f+UnV/wo9dS+YEvNNvvOwWJwAXoH8CUzXWJyH6lBpyr31JWJV2BJ+1NwK+0f2tvjm8fYulSxy2dITm0Eiwsg8iaWg6TUVXqf6/Mc0Mrl8dzlMeNxbpJ5ee665PozV2842/4RnGYmTmcKbpfaIW7XKYTuK8lzaHtTbR6y/52zYxXIffveFGZvcvycItpklt3GMQ7ZbwJmJZwuzTQMywfUY5ZNzS9xE74NEJ1r5zYU5zlQPfacPkn7wskHNLYIyqnup9ddyUcnJ3zn7JSfffCA55cnXL9c010WmEuN3oKOimjnXVl1A3YbEhVVhm1ZUK8qLqo1H64aTlcNZ1XNebXlYbnhrKg5K7ac6pqy6ChV1/dhY0u2tuCyXXHdlWy6gk1XesB1ms5qbMi+DJ5RrFN0VtNZRRvieJvGYDtD1yraELfbF0zNKXEROEN8r+pANapXfP35+m10J7Zf6Lqaxnv2y5J5GcOKpXf71Z3rMyiPjtkrmqp3L+5V2gC0tvJZo20FXeU84BYOFz4I1TM7BI36Hq67dQFinVBsw3ephIp9DrZw0ZRllCCsfxTKZZ5WqldzI/z2Kq+CWNfXQ7EL206c+2vzAvqH+PT/6c/xA8Af/7UKLuBLPwjn3zPoqj/JC36av0TLz8Nj3RlDxh+Z1SfSpwSDS4ZY0CkFV7rnJiruybkvq3N+Ohwigm487HnShZxEmZbdid1LDtdd+BqzV1u42PheXYbNnoXN3kvOwF+nz/AWn+Ft/lbeBt7gih/+60/54e8D/ht8COxTUB/A+cUAxm+Hz1t4QP5N7h/E/SM/MrBb5K0p2zMInaVsKM9Z/BztiXe1bs0u7KbJiSWM776y6KjpIIAvLH+s2WfpY9Vc+8dqAvG7DX7ALqCqh/RbBNsIKjeBzblY2rjukPZvGne6JPHTEqCNlgP6Y7JDH6oW5yB2Xsk9uEvANMgusaW/65LfNO8qPd25XEmeJQC6r82fU6rtTeDvtl2Nb6KK5mD2WCX42HV7YHafOnsI3B2ivC7ZZqpy4W3C7L4+LGn/ts5hrt27DrZPzCUbXdI4g3W6v6ed6oIT01BqkQDKajadomuVh5nochrAxTmvdCmnsNZv75yijQpruBcq5SiUpdAdJ2HZSrWsdYOOLspOe7gtrrnqKi67FduuYGsLauvjc+N24F2aAZ+Qympqa6g7Q90WbFuv9ratT1AV1d3egvjZA4xQga1MZNUq6AaYj8DWJ01ygoHSrEuMl48AV04RECiubYwP9C7WAXBljKs4F1+mKLgaFwFqS6/S2tJDrS3BlQ5bWTAOCgfa+VrFKu1bzF6thNt3XB/qBNtwbKt8XWOLf4ngGNyjolKduSyzJsbQobyTI330GgnK/W8alFw7lIDCpBDs/DUIwBuvgeozZpGtGHT37Et8mx8Gfnwg2a/BZ9+CLz70sbZPgads+U6PNDHOUtoUXlRiXtJlpNFctt6M2msaD7gU493jp0wOJSlFMvf5xHxi3TPYtPCsHZqKgBd3qxjqpEp1923gMaf8uf8Wnvy3UemtqfgOHo+fM0769JSYZfmH+Y/gqz/CKFg2FQ/lQCMvcZV8RyyP635KdFiAbXEGRQWrczg7h7cE7F6Z/aquvOzS5h6VDjF5ykvSkqQ//9R202104Thd+L5d1M+jFNs5W1pLdQ5ocwCZtnso1B6a4GmJKjplxwD3VGxx7rrsi4f12x7RiWA3Adj02K82wZcKxxPKewZYdYyfXQijSxVaud2S7Ml3xg4B2rnt5zyhXhXMyu9z6uxtqK5HtrMPZuX8sWrrUpVyatmcCnsMLC9dfxsgHm3JOfxcBttPmSsaZ6idwaKpXeEhN4Dmqa55Ul7yXesLfvbsnJ99+IBnl6dcfbSmvfDqrdmG2NsGTOsVQ1WAahW2dbhW0TWK61pTb0teliueVaecVF7BPStrHpYbr+KaLedm649ttjxgA4W/T1unaZxhY0ssisYaOnSv2lqn+u+tMzTWsLU+bnfTldSdYdsVdFbTBOi2yf02zeJsnQf0zimftdmq/kPcBgb4A+8S3UNgAoVh/c53aSqZ9vswgsve3deKZVLFdWpYqISbsQkKrXFQWHTpyzKZwqK1RWs3QB30LyVcuBbWRvD319BZD7Su02DxWa2t6uOcd+JvZWyzeCkAgVdH0Dm4HI/cklNlVSXXsb9GUWFXw3YwTmIl44mjC7aJLtpByTavwwvoL4dphforP0X5m6D+xxUa+GX/C6geDnrqV/iAv8QzGt4h4tvYaTdXeDV1pK0YA65UcXMOwIm6exLK5sS6sKlk+FjMT5WIyUmOcdlbw2k0NTQxe+4FqGtfKkbWRpUiaOzxe9kzqDjjM5zzmVExIP+KoKbiJfCMz6vPov4rN2ScSmkyJ5vmAmHDJ77c0i00PwDuZ9VYrU5F9Ojxew5F+KwqeJwR0+2Z9+aI8Jv+FEuAMh33ptyuI5fLdqbAdUpryD1i5voSpxOpqmbtaLCN8JaDoH3xrNE6nKhzuuzmk3PxzdkSl+al0HUI1M7ZvrjZY2D2Vamv++B8X4KpnRcDE7/VvizCqVtz//eSQG0OaId9onu424FR2UZunynTSb9fG6iVdhO4nILaQ9TRfdsvVWflstsE2wPWHQuzh4LeIUB7jAvxIX1bum5JW/v6PnWMfa7UP5fBdq1rSqdZ4xVSjcVQ0CnNioZTveURmkfFFZ8qrnhQblkVn+KpclxyQmcLVKfRjVBue5BwKAY4dE7RdQrbKtrWUDcF13XJ1apkWxVsuoLHlXcbK5V3TT7TW0rlY3GBHQCPSjMM93PrtM+8HNb72N2C667qQbe1mtZ55TeFW2lOjA3R9TkCsXSD9scd1jmn6Ox42wiHLpmXppQLlXs8XEbIzHpMuwjZOkCn2oVN6yFTug9HhVIZhy481JalL89UGEsRyjRJ4Ta6fnfheBL0+6Re1vnjdhrXDtmZVatQyruuj1ToiURTKvzTw2sSW9tvpBh7N6uxEt6X7UmShcVLAMMxejflCLWh9NHgqj35J3JnrOYzVIGi3J/6TcCPeUD6Kui34K/96+FypNh1/BWeMcTcyoRSvsVd7Mjd0SKVVewC7jmDA3DE6gsGag3LTs58HG4OcONho9Qqv6fTRsxHJTgDju7Cg24TIPejALlpj6PL8vuM8wvnPh5yK854g3Pe4D8GnvyyuF9NwQbNc4YsVzHd1EWybEpLFb/Fn/pHhncRaSfSPF6S2Kvk5wgffQ76LMCv2Kc9oY/JB+/eDLuPNfGvouhC2EQAcC2JNPcsJwZZn9zOf43/36aOOwe28VJk+xJ3/MxMA/Fc9m8ythzwaOYzIu9TI3PwhmgzjVudSsSUA8clrsRLVeY5k23I5FkSsGO/92V6zrkZ3xRmD30BcYjdpFZth+rhdieL9J7dU6jdB88ScOX+0XIwO5W1eQp8X4sYWzge9o4B2ttQRefUWTn/qsB2AchOze+Dr2O+L3G9zX2fW34M1B4Ku1P9XnrMpdckB7ZTbU4d466DbeMKNJZStZSmpXEFtTM0ARw7NBrn42CrjlPjFdy3Th7yrQcP+dmX51y+OKH9qKC41BRXCt2A2YKplYjpVNjOYVceuDrrEzy1jWGzLfmoWFMV56yrhtOy4UG55WF1zZPqikfFNY/MNedmw1rVrFXDA73pzyGquV24+3dOYfFw2zEAbuMMjS1G361T/dSG+N6+jejm7FR2eVw3ZxKIo5Ic5zurR+ulaeV69VgzVlAhQG0P8skYJL6PwJoBvqPFBF+FtpSmw4TEYUVSoqmNbuUhvrkNcBtjmq2IeY6w20N359XctlXQag+6jQoZtuNDp5+XGarTOrIRPq3xausAoEOiK2cErCpCQ4kKPLqQYbFUxBmOrVvlS029BkPye1R8ni9QCElQ/fw/gfuK7/wK+GV/PWAGBnrCC77Kf8uWzzJEiJ4zpFWK0CUlR8ijnbS4vSSuiIiSqpJ43JPwiXLjVEblx+QDQ3McOJca+DJAbqLomi2cbvIRxNKjuCKfqijVrM+pwuch53yec+AES8GGgutwvXJSbhoZG0/qzKvBU+eY8zX+lp+6n1bj3E2JK7NUf4vkxFZhekZy4jD+E0ivv+xX+jvhtwn/vbOVhPrjTr1VmItfzsm+twm2qXIWoWOkoO4BxKVAm7MUanOJmLRSI7hdqgbvS3hllDq4DZlgq99mJo54KmZ2OIfx9ktdqyUc7pYfOsxyv1Mu9lrC3dL6r9njTZxzF8pM+GXzUCvXpYA7td2h60Z9fB1G0WOg71CgfRVwewjQTr0ePLIfUyCbfp+D2aXgOLduafzoEihcuu9N2oLj3Z6PBdtjAF3aMa5Pn4R1TlPqlhIPNSUdpTJsrKQKqHSLxvLEXPBdZcXbqxe8tXrEz1Rv8FeKxzzX53S28lmEa4Wp/X7aQBdjLRWgNDa8trWdwoaERY0u2GjHhVlTVi3Pq4aH6xM+Wp3w5vqCbqXRyrI2tXdTVlsq8R+q65NfaeGJE+NvdT/foWhcQefUCN6l+ts4M0qkBeN7cscYbLUYhwweDI0aj66d0yOIbpyhdYbOKVpr+rJHEpqBPuZ4lNshMz4Y5dC4AMS2L6ekle2BPZZVaqxPwJUCdYRp2Y6N26FC3WG/rwdbPQC6i/2ParXulfrW+lJNXafpWoNtNLb2NYrVVkHt1X0dauNGlcW7KguX6JAYS8cyRQVYCxQKJ0r9uCJkeTbClTjGDmshC0uYjTHTXVIyKibveg08kX2M6Clv8UU8KL2P+51/E3w//kb0xKtxX/5Fu0PWV/tSQFJZhQFOPY1ortC0wCZkyz1lICMYqAUGFVe2k6q5MbJVOvsKjDTnXsk9OYPzYjrRlASoHOhGgTjnshznBVd2AXIvXkB1Qa9rS0E0RXo5jawlmVGeuV+nOeeUilPOeUMwZVR3Y4dS4PUddn/Nv8E4J3I6nSjqeyY6mnYwd3JzJJ+uy8FtPHxk9/jOI36P28R9YLfNqYsZ18+V5JU2J/UmdpBimypoA2zuqqrScm7B+6BWqrUSaiXQTimg8vvccQ4Bu3h+c4CbA+TpGNi0z2ObU2iXQG0OaNPz3fsiYuJcU9iecg++TZuC2m7izXdqWs2X8VkKpDoB8vFD02sAtdGWgiXMu/zu2/eYdfuA+hCwPaQPyfdDVFk4DLKWzC+B2GOgdG7dMe0tcRu+Dahfuu3UNZzab2r9XQdb8KptfNA3ymKwlLpjTc3GVj38xXtmpVoemWvMyrHSLefllvfWj3n/9AHXH65pXxSULzXFFegaiiuvgNhrRbdSdCeKbuWwK+uTFhn60j2dc1hb0tQF19uK5+UJH6zPeK/6FJ9aeQX3SXnJo+KKB3rDqfbxuJXq0Fgq1WFwQYXusoAJ9ADsIXeYj1AbY3W7ZFQ0YuRM18lttHIYrFdAxT5SSbYjuFZ9dmrZz75NZUXf1QCV7LpSx2NHwE5DXuQxUrCNx5LXKx6ntZqtLWmc7gHZJ+kqaJ3uM1Y3naHTlqYzxByk0rW6M6HWbquxJxobVFHVeJd23fp4bR1VXRsSZwXIVB2YDq8+9a7ESsTGqpDx2UOuNfhEWaXDlSG2uPSxxdo4tPFxxVqo1NFd3AZ37tchTOh94nP9GzzmS0R6UP/lfw4/fYr7vyv4Cjyu4Pu+Z5ddvso3Q1Kp5wwFgqJ6ew48w/IcG1xoCzYYnuH4KAO5U5QTIfmCMaGkmZblfKAt8wQehe9Ryc3EovaHS0E3BdnHjNXEdLug5m7D5ztCzS02ef7LMV8S7prlwfG+g7ob1/lUW1LhlfCayqFTwbz+BNVFzAico1ehlOeurbzGqZuxuPb/yt+l+G2/nvyfQOyiEKK/9nX4hdcOTlrGMnPaeLT0NYIg867Y5fzk5ceS91SLwTarBsbpBNQeA7RpuzmonYqtTdXaQxTh1Cbrru5Rbw+Jx12SzXif2/GhQHus23XqEi2hdgpoU2U0HaRTky7cchmZY+SgNgeWvUo7M7jtA1Lphpy2M1KnXxewXQp9+1Ta21BrXxXQHtm324iVPRZqDwXZpbCb2tT6fVB5qOvwMTB7bJuHZkJeAvx3HWz9Sz5/dzfKsVYNFR0ov+6Sjo0rubIrOob417Vq+JS55K3yBZ9dPeedk+f8D6ef5n84fYMPVg+o1QrVaswGimufwdcW0K0VTa1QZ3jVcG1FQh+gC0mKnKJVBRtTcVGu+U7VcrJqeLDe8qn1NW+sLvl0dcHj4ipA7jVnuu5V50p1lKr1kBtVT/myWsbjEgFR9zG8UgEGejj14J++UFYjEI3blKrt44PLANxyH+s0NdEtutgB7WhSxY0vGPz2OnGrHpRp71Js+1jlUnVUyqvuUf2NNYSzfxf9GCnjlQs2rmBrSza25Lor2YbpdVdSGx+/rJULUOuPAhblfNJF6ywu/EfrwdGpXtG1raarNTQaVWvMRqFrMFvvBaDrGDMnskKLeNkIt0M2aOVd4VcKu3J0a4ddW18CuOxYrxvOVjXnVc1J0bA2DZXuKHXXX4c2APxdt6di/kt8nvMYb6v+D8CPw28DfhKoPNx++fPD9hELvs4Lvslfou0h9AmeAGOl16fAN4AaxQUP6ajoqNlywSUNV1g+xaD4RosE2eDBpWSs4uY+qcty7MsTD7knZ1Cd5qEWxstrBs/qKVhL4GcEYQJ2u6DobsW6mIxKt7tonlbkSYVIxHeS9WNR0iu8XuVNPYeXqbwATv0F8ZukFyr1Y5Z0KC9utIrdh6MLlPteftt/8tP5E5eHDIf6hXwBd/oLGRKZyQrDUtGPjcSHrGvgBfDNpO9zccwX4L7KPlvuipxbJiBpSYbhjwNqY0KqQ6B26jzkvATOJa7JqS3px01L4hwKtVPnl1oOaudU2ilXX4vKZiiWrsJTSaeWAq2cN8yrtOn2qcWHmVycbe6YqSvanbdDoFLOL4HGY+D2mOPeEGxV8h9zKczeBtTug7HbAtpjQPdYl+ebwuzcPktdmvf1MbWp7e862D7UGzaBNGpnwK6wqqFU/g92rRuM80roxpUe/MI9Krr0lqrjgdnwmfULWqdRyvFt84DrdUV7aqg+UhSXYGqH2Th0A8W1oj1RdGtNd+LoVg4XS89oN7iO4mNy26bgKsR6XjclH23XvF8+4Lzc8qDYclb4bMrnZsup8bVxz/SWtWpCAqqWtWoCcA6QaVRHSXBRxvTut7UzlKrrwRYIUGhHsBzNJjAK/l4fobYKCmopRyc1jEVNdIEWkD01rkiXaw+dEopVps9RwR0AP1WydTJqxjYiZMdrcuoKGm3YuJKmMJOQG+sOb7uCbVtQd4am9W7YQ/xtSHYVfuPeNdj4TE+ucLQr7xrcdD7Ltm58lmWv5oZMsc2u+7KyzoNwo3BbKK495HalV4u7laFbl7xcWy7WHd9ZtVSrllXZsC5b1kVLqTsKbXv37Ltu8TH+DK/envI5NN8dvr2H+lf+Hdxv+TvgK/Rw+6VsrOGWb/KXA9zWDJBRhfkKeIuG9/kO76L5kJLLgByX1FzS8W1a1uxGpUZLB+oq2aZigJGo6ErAiYAr43KDWhebTAH3giHh85wSmS47F/vLqeA+V/sYXWoPvN8Jyq5ux5mXpTo75cWbgm9OU5XQ7Oe9ylvxsF8/juGVFyFe/6mLFKcp2M7BLeP1//y/jbr4lRM9zwTE/pp/Dvgl4sI+S36AqPDHvwF5JdOSVVNvKFJIn7cDYmzzN+ql2XNfFdSO3I4TMMrFqs719zax5FCV+DbL4uRjbXev3RI36UOgdl8mYblNLkPxVGxuGkfr3av2K6X7oDYHovKhRya2yrWXAu1ro9jCcWAp548B2kNA+hWB7RTITs0fA7D7QPZYYD0EaPdBWc5F95i+vYrtbqJcL/mes33X+y7ap/QVH9pTLu0qqIcFnVacAWvVsFY1KHyZHVdy6So2tmLjyh6iKtXy6eIl52bDd1Uv+dzJc9578Jh3P/WYD5494PqDFesPNPo5VB85iq2/H7YrRXOmqB8qmofQnmm6Ux/QqER5FdcpuqDkNdcll9rxXGTzrYqWk5B06qyoeVhd86nymsflFY+LSz5lvNuyV3W3aFQPmvLFY4XtAbdUbQ+Y4O/phgFq4/7RrFPUGSCNUFsqy1p1lMr/bQ7PJ/EleksHNG7wYJqKpZXWhfhXCcdRBZaKczoORUiH4WVrCuv+vMbqtYTp6KK+sWX/93HVrbiyFR+1ay7bFS+aNRd6xUW9og1A27Y+1ta1SU1hBUr7TM3KuL70UMwMHRXerjXUrcZtDarW6I3CbBTmWvmkZRuFqR16G5TdGKerfOIpX8tXYVeKdq3p1gXdScXVieVybdHrlnLVsqpaTlc166LlpDimYufHa8/CdFDzHvJW75J8gVP/OvxafEFbgBre+j44//wYtHx5my1f52d4OQKcL+Kh4ovh+zPgG1i+Rsf/j3O2vN03veUZW77NBU2vtqZ3w4axajh315R4F8E2AneA3BiTSxXicqGHqK7Iw6nkH8QyOT+1/dT6sE1Xe2W3Ceu/E6bq2j8bSHdmCbmpiiuvSgrH6b7jj6bilLNE4U23K/Fuzj52mqD8pj7a6duA9LeRU3D/3E/BP/d7GPt6TymqF8APhd9QHjMmLUsV+/iyBeAcy2NqzrlG9zic/hzx54w9/EH2241ckedsX8ma1A6F2j4RU6LUxuPtg9p9btQ3sdt1fd7vjpzaOCuzP1cJqxJyc8rzXPKqJVC7RAVNITjnKrxEmb1tldQ6nX1ImO6bSHhyq39Fr9CWQu3HBbTHHOcAsH1ViZ/2Lfs4QHYOCqXNQdoxAHpT4Fyayfmmx5xaNrdNnJ+6lnfFTnVDHdLGeFj10LIJniprmhH4rGP6SgsNhtrRu8VGV9hCWx4UW56cXFE/NLxwcG0qupWhPVGUF45iA6pzFNdeYTNbRXulaE8V7YnBriyuciMFVykgxGriFLbzj1/WeiV30xRcFBUv6jXfLs57NfdT5RUPiw0PzIZH5oozvfWxuSrE5gZolRbvw4PKuQu1EhRj8qYGh0ZmVNYxN1Jo19LhQhxwGFdDG2kOiOxLXjccL5rux0Pnb1QhUZf3NoqxueMXp12A377/uMnAsxHY9srykGQruik3zvR9LlVHoTvWpqW1hq7UfYkiX45I02kHVkGoe+vr/4LDeFd4hf/tjfj9YxYnBxQWpxyd0R5STxW6Vn0CMx+vG2J2O0YA7d2Vw1cb3Js3IeFVV7JtDE1ZcL0pKQpLURzzRPbxWspZF8AbPKLgbeBzwLuoP/E3AxXun/3T8HXg3Gea/e7PjPkutvd1Pgh3h2hxq4hJXwQqWh7zLd7jff5HzrjsAerTdFzwAdd8NKPgVowfHhDL0zO8yHx/xqDsThTkMdWQhGoqPpdkXgJsDogl61VJW/FzJtoK+7p6gN5tWBbjdiW+y6sjdU75mcvrlPtIzXS8r6aiCvNVv/wkAO8YdnNwG21qJE2of/Ki5qA5fakhNe9zLAWalpKqF9erTKtVpvU5O8AVOQ+WOVtSYse3KeYFYM5lPh7F7d4S1N62yQHvprYkcRT48+v6gXN83mlf5n6TqRjfmwLtvm2Wxq6mIHtbKmmunm5u2ZRK+9pAbbQ5wDwWaJfC7aFAewTYHpv46SZQm4O1m8Lr1Po5MJxatnT724Bv+Hjgda7dJcth3M8i3Ok0bXgLfjqz5ydrT3RLyRUv6Lxy61ZsbMmG0sfS6jootz72tooxmyH2FruiiXGXzic/KlXHk+qSE9Pw6fUFHz465YNPn/GdF2e8fL6m+rZh/W3F+hmsXnaYD5xPTLvW1A8020eK+qGheeDozixu7RU8tEMFsHHOu6/aztBi2MZfQOFrpmqLKSxl2bIuW86qmkfVJltCKLosr3XdZ4eOECuB1gQgLUNCJpPAbYeixNKgaXCDa7EzNBiMcyHe1YZ52wMujJXaqMLmEkOBf26R7rG675fqk2dZfAyvv2D+RYQE1E4A+L6xJ1dCqc8gLRJfxazPWvnEYhT+5UChw3VVQ5ImR0HXaugUeqMFjIqHD+WzG/t4WYetnH/hseowlUWbjqLwyi7QlxpqWuNjdWuNajSqDtDbDu3Hd8/K+hhe3YDb6pCAyuBMQWeg1Xi4vuP2PEwjAoyzJPtsPU7VwE/BPw/8BH0o5ltfhk/9AjgzY3w4B97lAz7gI1qe4iHyu/Gg/HaY/6X4QfNdLN/gJT/JNX+eL7DlHSJQeAX3KS94wYqWh+yquBE/GnZf6crB+UKsk8CTi2ZNtdBz4b4c1wtVNx5iSpGdSDQ84jXZ3dRSgA5tdSF2dxsEzO9cBDf7dvikoEvm7NLXBelUfkRVnxlQ1sHFucpuF9VeaW1G751LBTXVv6nl8S9DjrN+u5qKmK4OrtE7P1/6amTOliu2Kj7Qx+QF8YE+zdo3WApQc3G6+8r5TAGtPGYKta/S9sXZHgK30y7B+W3yMCevz1ixhd2M1nPHmjvePqBdkl041/902asC2H02p9bmoDZ9qHgt4myXQO2rUGuPrT97ANhGoL2txE+3AbI3BcWblPiZWn4T0FwC2Pv6dhvwPAfS0tLBW1ocWOX8MG24y2BrgCokGVqrhlqZHnhi3GaEt5gICXxyooqOJiRpKpVXANNYRKMclW45LRs2JzUvO0NjFSiNKxTdylBeOkwdngm2juolKKswjaLZGroTTbf2Cq4zXsFT2vmsQeKW7pVcP4pZq6EF5wpfcqbT1J3hsq34qD7hvNzysNxwJuJy16plpRuqkPSpVG2fhKqk89mX6ejwcIqzvTLqr2Xoj1jeiXwOEYyjdU6F/u+HpuhKHKExtjmoteOxNE1MFZNixRjpmIRKwmq03RfEg/os/zZkaSRZxqhxhtYatrZgaw21LWhD8iWtHEY7iqLzMbaV8iop4LQOJX1iYigV6ssqVOvQzsfb2tbhGkVXOrrC0BYOZSwqlI7C+QRkSvssyE5ZnFG4UmFbheocyqrdhyYVauUq19fMdTHW+zWIEIqpmMY5cKHlhKJ34/wK8D7V7zL8PDr+8r+Ed01+Aqsn8M4bU7l0tzznZ7EjLTFaXDa4krbAf8/XeZcPeidS+umWCz4IiaZOGaNSajX5u3i6TexphGKp20ksusS/Akjr2px7VReCspu4MEsZ/DHjxL1T1JZ7biFZH089xv/G+RC32114dZcatoyfTXQLz9o8EKZXLOfenILqlNo7TmCVW65Hx4qnNvVeYKnmm8LsLuzq8H34N31vkNOJl6q2i8E2Z7msx0ssl6xpKikUjLMdy+Pui99dEle7xKbObUkJoEPai5YD2n21YfsBWI2vxZAVeH+/ssA5kRRqDmYPiXkdZ42U7R/3qy0p6ZBuNxenlFOLU5X2tYDZnO2D2lcFtK8AbKeAdmmsrJyfg9pM/fHJ/Q9Zvw8Wj4XGY/Y5Bq6Xtrd02319kLAq4VTa1PLcOj35R/rGZBuftJVKscLxQIsnLwtXbhXcSws2lKx10yu3Mduuwb/9jEochPtaKBHUOA9PhbY8Xl3xoNyyefCSq09XvLhec3Gx5uJZxeo7hvV3YP3MUn1kWX/H/0e0laY5N2wfBgX3HNozR3cS3JRLr+QqY3fAw1loOwO1oXaKK+X4MMRwGjOouaui46RsOCn857SoOStqTkwdgLfm3Gw41TUP9XXvwuxV3pYSS4mlUj6atVQBuLF9LolZ12IYgS+E8Ve4zaZhNJ0LkIvaifPtgmoaE31tXOkTPQVX4Tq6DPcvLoZsyn0Zof44um933N+hBq4vA+R/azmNtW5bZ3wdW6tpQ3uV6XwiLdPRVi3N2vi428bQ1YZOKqwhSZSppTux709f3qdw2ApsERTd0kHhUKVFlx1q7TybhjhdiC7RMmmVGsf7hmWvk8WsyBE6hs8pj/kcw/2oola/GfgG/Ae/C/4EPUy99SU4/54YZztErz4B3uWSd/kLbHkKvIdXbd8R07fwrsnfHxp8ny1f5Vv8BB/w3/QK7hdDL55zyTMueQpccsZuuaB4NrEebs0uAEtUqRhHGsfpFCLl1N0EoXoX5iqUGhJ4d13sqre58kFkpumymnw4alx36Td14XtHAF5CdubMJyq+kH+WyYFrDm5zV3Gf2istfS8Q55cU9ZHHzvUDdo8Xj5mbxu3/vsw+qR0NtkugdknCqSWle6aOl0tyNHWcnMm6szdJ3rQ0S/ISZTbdbqnrb66sjV6QFXi3j0vU1Hn342l34/0QuwQS51XV/funMVnTbU0rtFP9XBKf+4nbbQLtHNweotAeCbb7BgA5XTI/97Z037aHHHMOlg9p5za+74PqQ/tzU6idcg2W03R+WDaXKCY39M79wTXA52fa++TNAGVwZY0qZaM6r+Q5r67WzuCdWC0V/h6llaWk9S64yoxKy5Sqo1a7jwaFtqwKn5Sns5qrVlNbL5U5pbFGUV0qzDb8Zo2jDA91qvOg09aabg12pbwiV+i8iivhxA0xnLE2a3RbrVvDdVGyKlpWxaoH3LVpOC9qzgLgvjAnfe3cM12P3LRl5mPvCrzsRXUck9PEh7u/kdsB4L7ubDyW8u3pWDtXxNB2bqh9m3MhlmAb1Vegh9c476fhewD21vrY2kYCrZh3TvnSTmLMV0G5dc7i5J9JDLdVCqt1X5fWFs7Xsu18XdsYRxx/W9U5FAodXgQ4Z3HOewUoG16A6OGaqVizNsT8wlBLeQd4XxPITZlIfh5wQtHj6hPgx4Cv8Tf+BviB3wD/4u/FK7eP4ewJvP3GkJv2edLWt3lGs4My6V24Csd5B3hOS8M3+O94xmVfFReGtEBwyYYNzUjGzCGLVGBJtpGAm96TZT+ldleJaarupqgXM/OGaYzZPU8SU9UMqm4Kt3PPLLJL54wp8DyzTypBJpToAgBHEJaXI6q/uoVvt0OZoimghTz0Tr0SmIJbqdrOeXOno6zsT+44uWPKY+fa2mcHge2UC/ASWwKz0qbAOQXIY1yPY0KltL2ja7zO9GkqZjW1JTCbJlMa7y+ANimjc6hNuRNPZQXOt7ELfjeB2du0Dp2F2yn35xRmc6Uh4DWB2mhLAfPjBtqFYDsFtLcBm1Oq7G3A7atwX17y/RB4XTJ/G/07FGB3VVUmvh+yfC5r2tT+d8dKpTAKjGtH7rKdVXSu7GNuG13QqMKrlfiSQCbWSg3xt6Yb7l+NM5Sq8A8qtuiVO43j0WrDw2pL+/AlV2+VvLxe89HLFeq5V3BXzwzr517BPf2oRVmHLTXdSlOfa5pzRXNuaE7x5YLWDruKap0dQFdk1I2gYhvdP+zVEFxNXYAfr+hqYykKS1W0rEL5l5Oi4bzcclbUnJmas8KXFYpuzKd6OyjbuuZM1aHMUKynO3ZFluNtHC/TuFmNw/ahVrsvoWOsL4AO5e/6sUV7l+wmkGOHDuqtobGFqH8blVc9qcDaEO8bP77PYvxN1kuYdXK5+LvTylEVHcZ69daWwT3a6lDX1s/bTmFb7YNdO4Vq42cAXWXDPbz1f8tOG5z2cbmucNig4tqqQ5e2d4c2xnsbqJiUDK/mdlb3pYnaVnvX9jtuaYztrmr7NgM6+K3+a/XvAu/Bf/0r4PfgSfYSPvclny35LNPWUzre5Ztc821aPu335y3ok1S9zVCP9PvC5wLLe3yHr/MdfgL4ST7Pi17nBWjoeMYLnhLhOZdoCjE/h1NT99/cqJvO54rx5NI0hWW9okuyfejbdQZ8pbqLWJ77Lj+50rNTH8jn5Ip1pJtlym9vGUDPxQFPvfJIw3zkqUjI3RQ+sVu3YvfnEf1S3W7tYBn7OwXZtx5jG22npE4aRztRE9aMwCtVAKXyugvN+5TZnM0lWUrbyUHuMTYFtFOxssN+CTBmgDaXGXiyH25cHmC6v/NtLVFel9ptxMgeCo5z5XzGym7efXnH9ThpT9YTzGXnvLM29cYxt27pPNwO0M7sO+duPAWaS+FxH8weC7mHqrGHgOPcutuA1319XHp8mHYdXgaw+/4oIf8UMLXt0j/uuw+2flz1SYzWqqMJNV83qqRRBY2jTxhksGxc6dXbPrmSLx1T0vYK5lY3rHRLbVq2thgBm0X5MrXKJ1M6LelLuVx3mrorUJ0O0OLvl2bToTqHri3lFXhq82DTdgrdKrrW0VUOVylcMcTjOuUz6vbKm2NQc3uXX4XrXHBvVSij6VpHW2iazrA1BXVl2HYFV0XFZVFz1lWcmMbHEOualW5Z6ybMe3flmJiqDHG7MRkV5MeiNA53yqIbsh/X5bONL/tj3W7poajWRsVWxsUudStO4dYlL7Al4KZAK192ux6OxyqucgrVJ5jy6bctGo31P5dSHve1Q2kBt13wAJeXzoUEUVZB5+NlXef3dWpQaqN6bLTdgdvOKNrCg/ZdN6l4pW6fY9U2Jlp6Avwu4Bv8A38D/Lvn+JK3Qbl98CY8OfWI+oyxavsEeMoWy4fBh2PuM+iyvkfPgUve47+jThTcuHVNx0dc0NGKONy4RQTzC7HnvitTiXm5TK6TfY6xuufJdhLb4jY5OL4Yto0xu+enuwpsCq3HgO4+uE0tfQBIj5FLgjUx7TM8J3D8bAJ45w49AtrUSzx9Z1GH2sHhetbX8GE7LqGUfg61xWBrneuhdgoApxJBQT7DcWwXlsfNLurrkeuk5RJd5WwqrjfNJuy3nY9h9duP3Xx3YnQWAKJ0fcr3+ThgXQqnSwZ3gyUty3BTW5JwqgsuXuO377su0n2M0oRrs46JWDIZOF8LWwK1S57/Dy0TdATY5oA25258CIzOKafHTmW7x8LroWB7CMDeNtSmGQ4hF7s6BbFLlNLcq+s5uF267Ji3NnfPYn5ag+JMKSrlKFXTuyWX6pQPOePSrvyHFWvbcKlXnLktp2pQKaNy6+Fuy0o3rPUZRfjPd9GsuLSGpvNxl9GbtNCWk7Jh/bBle3bN5ZOKq8+suPqoovjQsPqwYPXcsHrhqF52lBcd1YvWu95Wmu5E05xomlNFe6ZpT6Bb41Xc0mfUdaX1DxVBxQUCCSl/Eazy884jvguLW+3YGq/mvgi1c00o/1JoS2EshekwylFoS2l89t/KdKxNM6nuRtCF4eWmry3rMOGlQaU6Yr3ZQaEVeR3EOJFmZ44JoxpXhDjbqldrN7ZkKxRb6UrsQXcA2rorqK2hCb9bE1R3r2iO/5a0ogfD1AaQHX93Anzjyw1rfb1b7xKs/QsI5X87VYYXFk7hbHAZDm7DfUIoq3Yh14JqNc45bNgvwjdlS2FaKtN5d3TTUumWQg+1ipcktPykLaKUrG/6VMxXnPImb4lUP8Md+d9Ufx7+MwP/FD29FpfwxS/D+Rt5Fa4CnnHJR7xLw7NwtPfos1HxNoOS+1ZYFhXcvwfL+3yLr/MtvgL8JA/4ad4JW7+Dh9uLEIf7DNhggoorRxIZUyt7mQLnknv63OgcP2k5oaUOvIzjdXMpmboiH5s7B7I38edNl6dDZe65jj3LwrwjowbHtnP7y76kP98cpWYAu1ee53yeF9hisE2hNqd4wnR2YzMCtulkUGn7+5TX1Ja6/kaTpXGOsX3KbOpWPN533uX3GKiV28kC9tm+73EXvk3Lw+7hV34uC/GUsppvJ9ebfAywtFiOQZaVqIj1FG+m+H9sNgWzhwAt3K5Cm0yXJIM6BGoPdQFe0rZs99A2D9nm0LI5tw21cwB7GLhOzefelBzzlmVq2aFgO6f+3k3TSlE6P5auVcc6KLelajGUNPhEQxtKsPTZkI0bkjdVqsPSUGvDqavZ6pIr7ZXN2ho2XdFXxu1hwfrat0Zb1sr1MHHlFK0DZY1X5VqCkgum61Ctwzjrw2o7UFZ7t9So4LWKbu1rlNpOexW3IBCYuM8KFVeNVFyfhAob1NxO4Yym6yxtY9DGg67WXmGMpWyM9q61len4yLScFjWnRcNZ4TMwr3TLSgcFN8Qqw/CCMyq7MTOzhN0hwZTt+6kzY6CvLewBd2PLUXke+YnKrHU+uVOMmR1UWj2C2rotvIu6HdyMYQBapXyiJi1ce/vLLJNIirjWvratE0mdYnyr2F8ph0N5F3MXwl41npat8hmMneq/98p8fGex85vLYw6u4Dq8pKh0R6m7xfHSn7TNiXjxmb5lTdUDWVRSn7Dm7+SP/nL4ex4DfxCv3D4F3oInD+Bx5bd8Fj6PkZzQ4djQ7sS/wi6hPGHXcRTggpdc8C7fpGYoBBR76u+qHXBBxxoA299rq7CFiH/dsQwN7ayT40SVmabzZ8n3JU8U8XoIRTfOm3N4lMnGnIPc6MqcdjP+KIKne8ulRp66BOnlkNO5Z7bUDnmuS/uSe38A05WgptTrNCXzQl/k5YotzJbTkS7IBpUF2lF7SQ3apUAr+5Piyz6oTdfrzDawDHYPSfjk1x/m9nss1E7VYz2mnM4xiZhyx59UMScAdF9fplyEI5jeFM6nXI5/TkAtzMPsPo6ATwxo90HnFMwuAcm5dufaPAZW57ad6/Oh80tBd0m24TzI7hslp+YPUWuXAu3S78cC992z2jkMngO088rtWmmMcpSqDsqtj5/9sDvl0q56KLqyq5BIaVBtY4Kph3qDwbFWNafaZxg+K045K2qeb0+5bCuumpK6LdhaDxYxzlErKE3Hg/NrtquG+mHJxacLrl8aypeG8iND9VFBdeEoLy1maykvWsqXIdFQpelWinatadcqKLiabgW2wrsrl2CNr5HqDEPSqXgLdl71U9J9Nii+TkMb6uqivbuzUqINAugpn4VZax+vWxQdq6KjKoI6aLwqWAS4jUClcRS6YxXAqhIg3MMwbqTYShvGst2kUK0NU+fdqqM6W1szAtouTKO6Xrd+2ramjzl1nfKuvdGtG38NlB7OXenwoiK4g/fXJmODissoqVPWYnuO8BC326Z0ClRK/CYqJJIKCaSsVWxbg3XQWM2qK9iaglXRsjYNle44MXf/RdWmgIt2WvDybFDxmM8kzOO3vlB/kt8H/MN/WcHfTz+2lzX8ou/1nrSyLRjGgGds2fAsJH+6wONvpOOo3j5m0GMfh+VfDp9fBTzjJe/zkq/iyxJ9hZVQcf2xvIor3aI7VliKBHSnPjniW/JiM91HHkfOz0V5Tj0VZPpnzoW6O7GNVHjjxUhVyvRU9j34zL0BnwJIMtOpNnK25HkxbWfq55jaP/e8useWK7YBauXtOMUSzX6o7XBZqE2BNgXHtA7rHNTui2ndt25JaRxpU6V4pjIY77Oc68yUe/FSoErVW63sCG5z7UdozQFuLp407cs+t9y4fs4Feipxk4TZ8fWfh/GpB4q5baQrmYTacWkhtdcF/E7ZMVB7DI/cAGj3uRvPwedNgPNQmL1NkJ3bZ8n8vnOAw+Jd/fwh9ZpgV/Fcst9tAe0+cD0EZu822EbrnBuF+pQoodwOpX42lGxd6UNccFzZVb+P1pZK0cPtWtdBNdzSGFHftPDurUYVIbFTyL7sFAowQfXUxqJUg9aOrXK02uF0gVOaSEnKah9724BqrWfNukPXBl07TKMxjaKtoV1HBVdhS1CVwxUqAC5DvdJevY3zQpVUygOuAULNVdqgBorbdj+KaUenoTUWXTg2pqMsOwpjqYpu5MasBNiaoBhWpqXSnVd5TUsR4FYLZTtnNlFHhxI9eieGNkJtbU1flqfpDJ1THmy78D0mUuoMtlW4kMzJu3GLc1eOvgasdlgtYDe8AFBMA+6OKZ/x2IuvXrWV6/rfBka/gU6H0bgtPiuyUgyf2HenaK3GaI2xmlZpCmVfC1dkW0Dd+jvOXKztIwrG6qZXbn8zvwn4Bn/08/D3/Hrga3gufRuKJ/Dk896hOGZKfoLnqCFctKNgM1MgLUqLEc4iBD6G7rNg2tDyW32rWy54yjd5myFKN9VjL9iiaNEUWAqgDZCbYnhqS6hrOMp8G/FY8ZpOwfTUiJt+Ltnrj2sqeBTcmM9F6aFYEzdkk59VREkOQ2ZeWgqI8ZMbMqfefKe2xMFqzqYeaKbs1sGWPAgavFq7t7ROX47mcKjdZ0ug9raBY4lr8W0cM1cqIF2/1CJ8xXkJntbpnbaG4766uNGsK/EMzKaqbAqycX3q4jUFq0usj6dVu3G0vs6hd8ZvyL8EuHO2hC/S+UNLBH1MQHvb8Jlr7ybgelNI3rds7hhppmE5f3O34WOVz0NAdgksp/OHHnfp/N0zw+Dh1DmfuCiOxUYpHuAwekuF7eNCP+w6Xtp1yK5b9XVTL+2qV2/jC7y1ajDGUaqWlW54YDacFVselBuel6d8VK+5qFdcNwV1W9B2mlrUf4nAUpQd6tzSrTu2Dwz1GwZzqSmuNMWlprwoKC+hvLIU10HFvWopL/B5pozuldyuUl7RXfmprcBWChuSl7io5MbbcD8Ey7FYxZBc4erK4OIsITest8ZhNTRFUHoLX4M3ZmOWymbv3mxsH8tbmc67OGs/lUqvhNzRfFIaSJoszVPboOB2hroz1K0Zw6xUaFsFrU/uRXD51m0ow2PFC4F4TXSsOev6urMuKt4hwVdUd5X211Arh9J2FLcb37tIJVaqunK7qP77a2n7FyYyUZRWPqN0nC+UeLmghpJNdVCy77rZIq/aylhb/9G8yWPWO0Ti7cfVf8mPAv8Ppzj7IXoqflzDX/sLoDJD+qmKcdTpM7ZcQxgZJPnE4kHP8HG4X2fInvwWGJFJuftlYL4M/HrgKS95b6TiFvwl3mTbFy7yR+q4oAso7ONxXQBdu1PGh+T71MgqrSI/llxObBvbmwJT2O3Lvn1y+4erf1LByTm8eT4s706nldWpLstDmJZdCTht6JCnj/R7cr07gZKHvIfet/xIO7qObe5WkSq0aSxtTEAFu67Nc1A7p9YujXFdYjlYlXaoO/GxliY9mIKw3ICXJqIY2RzL5ZTMWSU1p8aPszEvyZ68BGZh1814SpmVEBpN9ikX03SIjUFW1hqcTzZ152yfK8ocv+RcQ24BaOM0d5+G6aEkXfZxwuxtg+yhgDsFsbvTQ0BUzi8th7MUbufaWBIAdJNj7jvu1Pq7axFu+7ua88qkBlCKFY5Ot2xczUaXlLaiVB1bW4Zat8HjRePjbS2sddNnS4aWM3FLk/VUrQv1T62m6XxZnq5Tg0qqXQ95WoMxjs5Y2srSlga7Mh5KS+XjZ5UOMbcOXYPe+lJBBnCFxpaGbqXp1oZiPcBtt8JDbhngtlChhqrrwTQOAemQ2a9XPmuv3yi5yAqvNO4Ang7KJnTChTe69CoTAdeXpymNV3tL01GGuOQIYRHstJjGdTkAjhmLWzckhGqspgkKbdsaugC1tvVQS6eCSuv/aHQTSu+ELKhxfgS32r8s8NfVZ52OZXhc4cAOGazBonRQZ6Nruh4gNbU0B+kIahnUfxOuVQTZQtsQ3zyo5PFlc+4avQ6KbbzGU6qt/DxGYzlD7xT0ecIf4IeAb/B7gH/iAs+hT4C3YPXE17iVim3MkhzxsWYbgBLRgzifynwSkM6hexRSMJ9CfQrnb8LbvxjMl4gOyS01z/jpbDKrQVft2CCf86OKi9haKrkVQ5bjnOSYs33EKHt2iGsyM/tNwfk5/sKJdMK9O/PZsE+M3Z2y2LS5wl+P9C8nLc6bO19Y9tSSLDPiep9MzE/5SncJht7C0HsU2A4JopZZqtJCHmpTS4FWHntuvzmoPQZebwKs1qlZt6MplRTy4Lpv/9l18jSWCJYJ7O5zXYYDXyTcQtzsnBKbg9xsPyZU39QaN/6Ll/u9NkALh0PtEjZ5xUCbA8abwOLcLfyA2/krA9mpduEQiL0J2B2y/6HLbpog6lCgXZq6e99x75aZjAzWMOSriHertXI80luf3IiOtfVZkC+6qNwWXOHvb2vVcOq2VCIm1CjLma4xyvn1Zsuj4pqHxSkPyi3Pt6e8KNdcbFdc1yV1bbCdwUWnADVAC4ApLO7cYdcd9ZmheaTZXmuKK0VxZSgvDeWFo7xylJcdZmPR2w7ddOhtS3mhcFrhSk23MtjSx+R2AZK7Ep9NWbgqe9BlUCJDv0B8FzYNwGqsYOrhg3L9MVBgdVB5hcKphNLrgd/1Hwl1MYFTVCl1gLq4TivXQ1sXyts0QaltW03XmqGGbARap7xSa/0Jud69eEherFyEXAbIJUC/Jijj4SVCn7U6ZrAOgFs4VGHRhe3B3hgB8kHNnTIJ+SnQlroLyaGCm7dpKVRYLly9o8WSSHfeKrDdWLU9Y4w78vMWDzkF9A5weuj8o+qn+O0vFPrvDO0H4fWtUOP2MR5oz4BvhOl7RF32kmtWYTRJR6IUmGJG5W+AeQvefBvefAI8huvTQKtfgEefA34AX2joPf573sX7S38V+AYlT3lIxzkegaGjDipuxGuLoWMdIHef6jg3ny6ryN/rUwg89ilkaj4F36liNzF2t4ITJrZJzy9etXgO8TVG+tmX6jjt95KUx3PXPf1ehoFK7HuSbpe2+70T/RzsILDNqrTiVVwXSg9Yl8LaoNLCviRUy489OkY45BzCTEHtnAvxsW/75JvXnE0B6ZI4zZ1Y1j2UGs9v7IY8vvnnAHsuLncU13oDqNsHtOmxoskyCjBdSmHKclCaU4P7dRmX6Z+TdgjUHgC2S7Mcz8HtHDQeA4pL27kJzN4UZI+H2CVAOTV/k2Vzx1ui2t4EaA8B+tcfbDV+vDOh0GscUxs3jKMmfM60Bdtg9YaGUDZGhYy7KLa2xCo9NBpA2BDibgPglqLcTcxCq3E+yVFIVKSUwTk8VFk1JCMyFm1i/K2DEmzV0Z1ouhODPTW0V5ruRPmY2o/AGsMKr+JSe7BVbSh0ZBSmNNiqoFh5Nbd3WS49fHWlVxpt4d2VGYFockFdMmU3AXOv7moPhj0wx3aj+26A4F711IPSa4PC2U248ipkHKkT8Dt2y41waB1YGxJHdRrb+ZI7PdS2elxSx0lgRcTPhnO3ISSkcf7+HIdTHZJ2FYqu8i7gfhpinzuHqxzO2VB2yfmp9n+ZEWpLE/s/irjdeYqJEJ+D2rXxSblOTMMq1F0uddcn6YoWE2/deat82RMYo0iMpj0L0+fInMRrKs7Flo+JwPLn+Zv4gw/hN9d47ow7ncHZObzzxjiGNx5vwOOo3EroS7MWR3iSrsrPgc/5dSefg4vCL/56AXwWqs/Ck78OPnsF/CTwE8BP0FBT80G8FP04GI/g5zs2bEI8rh//7OgePQVD8RymwEuu2zc+5NquGOJqp/oxtZ/8PMssS7eHcZKrHAzLfqef+DLiOWPAHV6KjM95H9DK40/FI+e+567N1JNT2odbBNt4a+jS787H9cQsxan7MaTuwocF0E4h021FfU4leJJAO1f6JWeHKLRT2xyUbAo1Cbf73Kdh1/U57UOc34HQxH043/b0L7XEVTlnu2A/PsaUm7IE2B1FOAPsu5mjp5NoxczIS6D6E7d9fDHHIweCrXjGmIyjnYPZKaCdA8MlALpvv2PB+NA+3T7I3lQVPWbZbQVgp/O57zctnJxb9jbGfRUgJDCJVt3pXOdNMpb2j+8ReBhXD1gri9X+nE3hYxTLbu1jbm1B5zRbW/Zwa9E0sWxNLFWDo1IdD/Q1prCUegCM82LLaXnKi+2ai82K7aakrQ2u1bha+5zyCghuuspYYi4pvepwxtFVGnuiac40zUPYXmk2F5risqC8qiivLOa6w2wtuul80qm6RdctxaX2rrKFxpUaW2ps6VVcD7ZRwQ3TFEjn3JGlKbG9RsCryqrCHnbVoO6maq/x7szx2gyu0cM8iHX9NmMX3z7DcShzRABZFZJEKRucsCLkRsC1oq/Gt2NDALJToFvn1dsOTAeu9Qm/7FZhygC4YWor56935bCVxhaWrtS0paUtNGXZ4Zx3ydamG4GrfIbJuWbLuGT/9+3r9mpn0M6hnQuKrd0B3DtvYZCwW3p35IghEScj9gxjT8UbvCnuWGOA+S2/wPFb/mF49tsVj38Vw2ADPP5u+CWfGTsyRzR+j4hZl1zT0vJQdDK9j8qeRlUwZlV+N1Fwi4FSPziF878FTn4J8EPAuyGr8ruhB18F3qPgr3LCtu9fquTWIDIry4uZezhJL/jcd2n79p+Cubnt5S85BbNTbab7y/JL55l9UoX9uZiPr0uGvzZN2z9vqDB14a/M9km+cmA7BbdLQF+eV5yfemL7WzLXZGzLwVapkKBi1yTcTtkc0N7UiXNpsimj3KRqm9aOlcsmj8uu0rkv7nWfLQHa3ezFbhZg97W5T5Ueq7MD1OZKBh2UlCnJzLzU/Thd3mX+KufAdZywavevr3MKM/tyYoBZ/931asZrU/bnEB46BGb3AG2c7oPZudtaOp1btxSK960/Iupkdt0SkL09iH1VALvkmAvefozaTtvNfT8GZH8I5QrycT6XuOon8z/cU+6syZfM0XPKALWLiRnDBt6LFK3glA4C3PoXfL5eqlU61Es1Aw1b6KKKK+5tER58WSFfM/dU16x0Q6E9rDinsFbRdRrXAF1wg3UMsaqlQpXeZdUYC0WHqzR2rehODN1W015pmjNFealoLxTNpaK6UJSXlvISTOdQTYdqOujC/dhonNa40njArcwAukWI6TUJ5JoAntKdeJ8lgOu0UGilu3Nmu1411vHYbgBgoQzDRJKrEVS7XdUV//tFlVbZBGbdsF387pT/A7JivXbgbHBLFmDstE+S5QroaoWuoGvBNj7meVBwFc6GeOB4SYJ7NdBnkJZwm3sZnsYex2cWG+r4pi/ly5ARPNYSfl3MhifyFBkvGGNMdFE+45RTHqNH0bJPgCe4n/nl8Du+zt/72+E/eJ8d9jmr4Lvf2O2DPLbPk1wzwGIKt2MoGkDpWejH+/Slgk6ewMlb8EFQcb8B1I+AR1B9r0+o/A5g/gJRyW35STZ8nfPgphxvzeMjbofrRzHqX4Q01Y+rndjWPzdKaJPTKfNj9NXEtjkQTdXPOJ/75EoayTbSY8Wr8oQhLZiEzbivjLOVgOvhVvMhhg1ruh1c9daFlrY7f5t2lOyrIP/Es+TV/tIns/22GGxjMoopQD1UiU1R5JB3a0s1sWwJmxm4HfdHjaZpuzlLofZYoD1ULV6iyh5iKchKpXYqyZPcvi+Ps0e9HLUbMh5nMyAfUO92aDPuGwbAPW1FpXXk0pwB2HTbPlOymL/zlnv2h2VQe4BKuwRo5bxclstin9tvat2x6uxSmD0UcA9TZOdg7SbuvbcJsEv7sBTC0/l933P7/3so94Uwnz5E/Biu+runf7i3M8uXj6OfmMnwnjimSuW2cwFwo2uygjUdnW6o2dCZ4b7bdR5uY1IpqzUr3QTAVVQBaGG4z8YXeqdm249DpYrlbjpeFh2XRUW7LXBbA60HXNUpaAzOaDoNXWF7t1wAZRyusnSaoLxCt1aYc0XzwFBca8ymoNhYio3DbC1m26HqQclVnQdefdWAUTitodBe0S20j8EtNdaoED+qdlVXJUBT2I4i20NrogALSHYqgd8ItnH5SDke2u+PJ1VlsZ0bqbyirxFchUobFdoebsN28btyAWC7cYztOA7XK7jOqgC9DtuCDqWYdBtclDvoWoVd+W07qzzohjq3nR1eMqxoe2gd6gO7/gVKdHsHkmV2FFfbOc3G+rutVZpSmddDuQ33G1fvJpGKSFIxIIkcLwvOWfNEbF3jb2gePf7I3/F1/v0/HeJtI/sEO2OA2zxqdTzlBQ0tlk+FNqUrrLQLMU0B9zl9waE3n8Cbj4cYXOkJ+y5w/ovhzS8BPwi8S8P7fIt3+Rbv4zMyvwe8S8FHGLbhNr2lDoBrBV1EaI3TLkyH1yzDvAnTUtBIOoqkNjd6zZmE6l0gzD1FTLUet32PIcd1Dmwlig6KreaKksuQemys/Z6x2xM56g4RuuOs1rlHxfSc/Xc5zT0NkplfZge4IodXgQJu524Xh0Y1TG2/75a0T61d4tabqrVzUJu2HU1C7TFAu+/YqTrasB8c99lUP1N33JxKm9aOzbngWqezfRy1GQC2dsY/YIV1fps8nI76OuMuPKdEx98rZv/0YOp61TWFV7/ttAt03Oa1jL+d4qWlULsAaGEaZuX39L3doRB5yHu/qflcH5YePwfXBXaha/FtgOwhoHusW+++4+Qgdklb+79f8HUe/EcTzf1v/xiu+p/nx8EKP3If8ibijoOtwYNtE25LVg1/c1m4xYNtqeCMFvQm1EYt+pjbrSvCPdkrrsDIpcrI3Acugqz/j+9LA3WcmIYT03Ba1HynOOOZOeWlXlEDzhbQKF+7touQ57ClxpUWVzooQnKllcVVFldpH3PbaPRWobcKs1WYLZiNwWwc5ZWhuDZByW0xlw36qkVtauiCmqsUaIUxBlcWuLKAwiu7ttBeLe3h1gOXhNGRq3K4tiCVU7WjyPb7E/d3YxhWCLgVx5gD3Phdsdu/VC2OJiBXKrYScJUAXQLgSjdlab4d16+zRmEbn0xKNwq98lCrOkdnNdY6Hwvs6JHClUOjKpbuCQmmVqal0i2lshS6w7CbGVqawdertSoki7LQaTV6GX+nTdyHJNhGpTYtehNvUR5CNAWPKEYD9VDqxf2pX8r/+iH8x08ZaIVhGuF2CiFq4NtsknjW9AaZPiREwJKAGyH3sZ+enHsV98mbQw6q98IuFwXUX4DqC31WZ34hcPIXgB/Hq7lfAf4yBFflAeM60ZtupChGi38RUsnNgX3y04xs32tWabv7d33/SBJkjWFXtlCHvrY7reXBuBrtN/xFXVCw6V28JdA+ZuyaLgE3Pff0xUst5ht2/yLqXvUd1F+y27Hzm+1T0VM7KisyDMCZYosW61NYNbmc72m7mbghCbfHoNyhMav72krtUKhN1VkJs1NxrFkLSRGW1JnN9avPCZHUs037mQJtLsGTdboHvQ4BeplMwr1CIKE2gGyvGKD74vS5vi0xeV6D+uow2N5Fyc93PdxWqpvNpiyV5AYznI/Vo9/vzts+VjkAbJcAbZzmoFW++933vm6KQfYdZ9/8EphdCtY5VXY+Rjanai5RPw+B2UPciJcu29fvQyDbz/8Y7/LL/5bJ1fD//a246l/bhVaA38k0vMbpvjch+55m7pDF8KAIrxBeeGa27e9kYhgosTzQG2pnaIyhcUXIkmxoXNnf3zoUVmlWWrOmnnXtLFXHWjecFYOCq5SjMB0vizWbwtEVhq7W6FqjWsAp7x3dalyNL6NTuL6Ujm8En3iJGJdKyMyr6NaKbg1mq6nPNeW1odiUFFdrH4+7aVF1O7grW/9RdQONQtUarTzIovVo6qFRCUVVZd2U43KfUEoJZTaWHlK7QBszLEuo1WqAX6HgpvtK5Xc0lYqt+M2VhNWMO7K0CKy967EFHRVc6/y89fNxf60dTvsEXV0DugmA2/qXGG0HKia1ctCK4yoBrD7Tc+vHfqOwusOiqHSLZgDcOGYDfWyuCTG4QF9v/rXwoILRfcd2u6pthIaIimnc7RmnnPdrZSKpJ8Al/89/2aG+/iNsun+Q1a9j4M5wnzsp4e2H47v2uHsdf5Vn4lXo1GtnCbZ16GFsNS0989gvN7VXcM9PB2/quEls7hIfdvv2L4bPfpGo5ra8z0ue8bKP630aph6kNVe9K7KhHbki5y6/PAO5fGrogOmaAlOWe20rQZwkhnhpuxEG/XwKxv45xLBBB7fu+HkCmcJRY6fmnAYs+y7BVvoN5D5xvyazTF4HGUu99BpEW+6KHAbRfWV6ZLKKaBJoZwddxGC9wJbG1kKSDGmhO/K+9pbarvo6gGzO1XfKzXfKckpmqpTK/84pCKfw6bffhdlc8qWxBdBWNpuJsIfA8LDUuKKP8YpQG9Xc3DUYK+RjFXX4PgBs/C4V2SmQ7V2KE8hPATw+/G1cSR0fBJ1ha8t+/s7bEh7J323GyxhD7SFAK+dzbsdLgHTK3fiQ+alj5+anlqUwu9y9WP4A6bIpMFwCl/J7bpu5/ZcuOyQY20//IF/n94kWc9GuX3EKl15gOf82u/A6B7LyQEt+0Nyx76iVeLipA9xG5Vbjldn0Dt2hqEP+AINjrSxGNfinRqidYeMKrrqKrS2wTrG1/h5nzQbwMZFkFAPw92CN4lTXlKrjVNecmS0Pyg0vVic8r055sV7z0WrN5qrCXhXojUZv/D1DBYXYaRUyGTts5byKa7yS6wpwlcKe+BqsbaNCPdYAUg2YWqG3muLaUV4VlJcV5WVHcdmirxr0pkZtm0HJjSDn0xCD0R46jcYX4NUD8IZtonLbq5a9eqn60jg9HBs9KMARSI0a4LZXbQcI3lWB0/hcN8ru7CJ0C1POjdyLR0os5EsajfYfth8BbefQnetBVz4K+eRdii5kTO7W0J7436g9UXSd8+8WnKJxiuHyKboivCB2mjbEzbbaewBoHGVINrXWPhNyTBAVYTfa8HwV429fk5fN4f6TuiNHYKjwuBY3lbudAwWPWVMzxFEGcKTG/Y5fDb/jKZUz1N/odhrRwON3oBLKbSXajombnvJB0NnkyJ0mLEofGqKL8jkeOqMEG12UQ8TwyTl8Nhwt1sSNvPoM74X840BzCvX3QvW9vgtvh8+XgM9+Ex+f+5PAT2H5BvCzlImqm/ZUfpcmr0MavTqF9HJ+ru3c8gh8sm/p49eURSj289ud9bnfVTovp0CbKrnp/rKPMMCsBNt0mgJtum5qm0Ph9mjFdojt8dO0TE8f7xNutnO3lrgutmkm3J1v5nh7uKVK76FqbLRczOzgbjvA7FzJm5zlFNLeZm7m+9pNVdlRDGwCnHLQ6KEwc5lk7GuqynqwVaNrkJp8A+untldfJbj6bcdvbof14m1uxsW4Q1HbMguxG1tyZVdh6h/8rsMD4NYaaltQd376WlgKtUvAlvG86vbH0cZpDlpzKu0hMLrkGLl1+9Thfcy0z8V42r34GCicg8VDMh8fC7VToDwN3T/GV/laWCqv25ed4s/PQSvkwXVqmgPXqW0OnabhY3fQYgWC6JIs7+oyrnZnv+AlFF/wlspyprc8NBs2rqIJMLsN979U5FhpTaXaUShGzoyyrHTLuRkesmJtVq0dG+PVW1cY3DYAaudPRjVgOg+vsUyOMw5McOeFAIjOVxSK4Fd4uNKhLI0tFF3p6FaK4lRjrgvMdtXXxVWthdaibADcCLrOeWizHbQdTisPvv4khvmMKfCZulSI6zVy6t2hc0pwD7RaMXJrNnLqPzazrK+jywCpuVjarPtx33ExdeP1Mca2d5fWbih1H9vrHFq0PcCxCnG7CtVpuk5hO0XTKazVPrOy9VmspclnJ58F2YTavZq1bkIcbUcZYnT984DfXuNAdUeXbPxYLR0At+Oht2L8Peqycd6joabiDD3S356LaU3zIy38cQX/AGM5LnxWJ/D2aR6q4p1+gFs5JqTIN4UiEnSlgisdYZ/4m9qbZ1AVA1U+YUjkm16Mp2H+2Wfhu38dnPwAPmD3fSxP2XLBlmd46H+KVHY1HwY1c5sF+pyL7jm7L8XnLHcVYPpJYOra58BuLqBIbp8Oi2lEbvoL5kB4Cm7Tvsuf6HJieQqyuZ9Vrp86/5wtfgq3IdOitJxiqhlDrRxsTWakzZUHWmK5Y88Ns+OY0ABlN3BPlkmS4o1TZuvLHndCnc0pokNf/bIUXH0mZOH+m8S57o0rTsA3V8s1F/PaOTUCY9lO2sfYt93MxIObcQrG47+XMcTGh6k0FjbnOpyryxutdr66o3Vj9bhxvr7jxpVsbdlD7GW74rorue5KrtqKTVew7TzINp2h7XwNQWv1EJd2ly33WlDOT91lw7J9Ku0SMSxNdA/5m+Yc0C6dn9v/UBhOYXZalZXztwGyx8baLl12aA1YP3/BV3nO+Hr94H+m+MFfHb7IFSm0wvgiz00PKTy8ZBrbTPuRzt9hk3fbEnqX5Ljcut0XyrFECvgH/xLLWnUYvaVUzymV/3uO3ieX7YprGDxSjOEcD2OVGpRbrdxoTNbKUgKl8a7J58WWT5XXfLpa8dHJig9PT/lwc8KL6zVXVyvaqwJ7ZTDXGrMFXas+eVF07/UlZMCWDls6XOGgAofr4anrQLXeBbZXcWuFqRVmqzFbh67B1M5/GofeOkxtPezGWrmbBmwLdQNtG4A3Sp0+HrdXeMEruza+2B0uhAIwZlCCtR4rwRF+NQkIB6XXKDAKa/QQ/2voyxcNWZ19nGuE3D5DMuzG00rgdIPiGk8lq/yGk3E6tKHjb6N8MikX1NtwQN148C4KRXHtFdx2HVTbE0V76j/diaZbGzYnmnbVesXW+mzdrdU02r8s3nQFlemodMu1KfsSU6e6Zq0bTjWUtFR6/JK7c96N/rUwMQh1Kz+m1u04cVRExlg5Nr1tlTzknLcZq7aDeuv+wV/tVdt3wyCe3NKLGh59Dt55OAaaiMqP8bfwd/mAF3xES82QeS/e3FPskagSP9GiNviYYYCIsbjn8Ch8vlBCdzquWhM9j2Ns7gh63wTeHLryJHy+CHwZ+MUfAD8G/ASWr2L5BpYPISRSkoplPOe3xXzcRqq4sGwYSUf2XEzqBbujbW5kTqF2yT5Tz1upeju5vAbVQnHt2zmrxw3b0nscdCtozTzUpkCbzueAd4kdJS8Nyup4+RTU5oAWsW4J3MpBPIXafUruEpfeNHlTbr+0nI2s8wr0Dwzp+lzc7BzQTmXulccCskCXWk79nVKG05I4EmSlwjq0E6A79KNxZuQC3DGGbaOsB/DwVjW+UR2f33BOvauwqBGbZiKOlrpJNyJ2Nyamkq7D0n14Y8ugwHp4rW3BVVuxbT3AbtqCujXUbUHbamynfRkLq3BdCGyy7Ppy3VXbB7Uzd8cpqF0KmVNweSiQ5rabOt7ctnPfbw6zU+tyy+ZAdl87TCzLrTsWkP9Itv/nv1lx/qOML9zfz/gZhwXTY+oyzU1lm+ny3PfX1KRnkwYPMxJuGcNtzC7rYxkVjdJYF+/ZjrVqeKivuSqqXh3b2gKLn5aqHNUIzeV3GL3Addofk5hYqvaJqYKrqXUKB1wDrYJOA0rjtEPXyt9jwjDRw24LqlFexS0YsgIH87mDXADPsC6qm0ahC6/s2lLRNQ5T4RNTNQbdWExdorcVuu6G2NymRbXCdTkNlxJQ64ZCsOGCWA/CrQJjfL8i3ArXZ4xGBfdlP7WgfRZnbRx0A+Bi/TVxhUMZD7iqr487Tl7VX5eguMZatcp5F+CsCSh2qLBtVNx9TVynQZmgxlrn1VhxXSKEx7aUBd06XOMTfw3xyhpLQWMVLrwctlbTla0/V/yLE20dhdK01lAqS2s1WwqMsmxc0f/Bl6rDir/LueepO2ORWIVFd2TCqjN2h+kUhi6BNScUPdBGNTTG375H8zMtf/O7ij/7F4F/HA+EkdDOQJ/D+RrOqzRSd4Bqf8wtl/xs5g5wLk4qfmoxTRFFgm5cF2NwhUZqGngUVNz02slTjGG9F6LJp4z9Yi/fhC//b+Dk+xmU3WdsueBbO+gVLXVG/qdw33qxnLZiX8M0JO/egcAl7rswPuzck0Q68keb85iT4C6H3Wjx2W90jeO6yn+KCsoSVuF+e17lAfaM4W9KeiHE+fg32LD8Uh8MtnEAlX/MA8COXY8l0GrxFtDuiaGdy7q8FGpzMNslbi1T2x26fC6DcZoESgKt70cmljSjzkIeZHOgDewAc1o+Zxe69Sj7cKquynPIWXQDiv1LXYN7m2E/nZxXrgRP7H+TidXduKoH1o31GT4jtNbWQ+o2vP2NrsPbrqDpDHVQXpvO0LaGrg0KbKtwnYZO+Y8F1YPs4JrVJ/jQ+1/S3AlbALE5qJUwu1SlTQF1Dir3Ae3S70v3nQLhCLOHuxjPgejcfC6yJrftkmnsyyH71MA/PL3f5/6n/uEgvWD/Cf5V9twfwZIiwPumc+B6CLROrTvk4eSOWD0xjpoAt+BvU/2LaJy/JztolKZxmjrc5ysspbK8aS45UzWnestaNXxLfYrnzSnXXUVjTQ+jQF+7Vt7fY0xjzKwcLcLwqa45N1s+VVzx6VXFy/Wa5/UJL85P+PB6zcXVmvqqRF0VmEuN2YDZ+NhZvQnnpbxKaUtfXsZWLiSS8mCHDoCHz8Tr3V8dqvGgrGvVx+Pqziu7MY5Udaa/z5nGYbb+U1x3mE1Uc1tU4z99nG5QbHuotZ1fZyPo2mGk1hpltFd+jfawqwPoxnVa4wrjYdcYr+IWGm1CqSIT43cH5XaYdz5LcRETWXnXZbTPnN0nmRI2yogsv4tlfl4N650axe8q68ZZl/vGw2l3Drb+t9AN6K3CbkI87lrRrTXdSUG7KqhPOrarhrpqOK3C31JBXwJI21i+xb9w39iSq5C4LP6tRW+v18rEwBSTSF1M5KyIatbueHbKG3w2yZI8jDPuF/yTwD+Dcn8W996fHVNxGIrKGj7zWahOB9Cp2FVun3LJU34mAO534QeDGD8bIzblDTweTObTjTT6VGz7hEmt9OQcPnsGn63gu4t8Cd2nYf4pQ8nW94GvkAypXwC+MHQtTNU1FBv4dOtF3u/Dp6v62/kIzX8OfAX1hQ9hrXy3hhTV4x8pnRc/pBbTooRVBWfn8DgX8Bo+vuyZ388aD8PRciP6EtBNh744ZOeey4rwYlHn0iGn5AzoMpznOZTh/KjgjZPwctHAldnta/pqQQLxElsMtjKep387HGxOpdUzsSiy3TmbSlI1bmf6ODmglfvIzMRpW4ckHhi3MYBsuj73BnFJKZm5GN8dF+IkLjZVYSFRcXfUZukiHMF6/JZ+XBLH9bGtqYtwzqZU4njsBnydO6EWx+RSUWX1EFtwZStqobhu2rJ3F47Q2rSG1moPrSGux3UeWp0doDWqr0Nhe5UfqOPDgQ6xX5o+wcmdtzmInQDbfVA7B5FzyaGm4PIYoD1GnZUgvAxm5QXaB6OHgOyS/dJlcDjAgvfFyp3HPzqtnNZMA2z6NuEmAEsyn4PXKTidA9rcZfg5ZOldx6h8uI5f50JokRMvXtWQ4VZZ1qrhgdlwZa/Z2JI2ZEtug7fLxpasdIN1auS5pZUFZ7BpgkGRwdYoS6k7VrS0pqEpAwyHcA5nFY1Vof/R99Wre6odkiHFe5ByKsTERjddQtzqcHinABOvkwtxrOA6UAUhEVKMA40xvSoAosOWClNpzNZgVoVXc5vOx+dGuLU2xOXa/jtdF2J3u12VVylQehS7O7KY1Mo5HGE80mFxcP91zoMiQZ3WrX/G0aE0ow3XLooRSl4XNbgdj4Y358ZPGpm/IwnCMo62TzaVGTP7WGAt2rBxbFG41idOctrXNq5DPLbqnz+88l+EOrZl8sw357n2Wli8z05YzTLVtsZnxd2NCo2j5E8AT+Gnvw7/jIJ/lTFfBqmuOIdPreDCDKptChrD5zLEsOZGfBjf5KMWF79Lx9toF6KdKMHWDMRX+3UnZwN9T73gjOsiY0sgEx+z9feUdTt2kP5u4B388KeFXv2Lfga+4egjd6dcalNAI3v9xu8X/uw/yxBXLH5CfRZAMXxW4rzPwlQqwREeIwDve7pIL5/8nHag43PgHH2mjcR18dqfezU3gvqDjNty7nPJ/BAv7ShX5KkyPnMqbTSp1kqoHZJR7VdrR27Je5TZof080MrvuYRI+2vgJrGqE+7I0saK6+7NOJf9N2e5rMVpPdioZqYgmTMJqiXsKK5pJuI0vnWuLq6E7MaZHlRT9+A+cYmYts70amttDZuu7NXWuvMuwnUb4LXV2M5gO4VrE6VVwGqMNZoSWEdlFjR+Qx0UWe08xBqHLizGOEzRUZYdpXkNisEv5bAZqD0WNOcAc2r7fctuos6m2YyXwezCC7fz/ZhMXfK46bK5KQwPMynU/qHjUkrnAHZq+7lpOn9bLsNLoHUp2B5y3DtqRoUX0cm46V88dj0obOK9F/oXk2+YS9a6Ya18BtpvqU/xYXPK1hZcsgrt2752baXafpywKryERNHY4Wmh1N0Atqrr42/Pii0Piy0Pq2s+Wp3w4nTtY283FfVVRXttMFcas1Feva29YqDDw6hTUIZSM1GltKWH0xh/6ozPrmyr4CUcXGd1B6qhj8lV1j+8YVVf7kbZEK/ban//a7yaq9vwaYYMwap1Qfl1qM6iWjtMG5+ICuuXjVyaY7xun1BKD9/jOvmewPmQXw99ClrrL4QGY33pHdUFIbnw10AFFde71oEVyadGLwL2iBHZOrmQxO4SvJvYBWMJuYRrXodr3oLdGuxK0200V6uC7brietVwvSp4sKppneYhG6owKMUSU957wL2eam28TYv7ai478qXYPNdEhRcpoeItPjN7G3N/zf8V5f5m3D/+Z8dkJcrtrC7g85/1lXjSuEuZWMmrty94xgu2fWKmtxjiZmuG+JQnohfpgWWqoffDR+rFTxirwU/APAmxuGfwJFFw40WT4C6V3WfDfBc+XEIlrnnMS/Uu8Daf4W1+A2/xG/htwP9Oub43j0XPZPztebJszRUF15lzjh2u4PGvGL+TSOvxxE9GWo3gqxmWrcJ8hN9JSVaM41aMyzr3NiOXBjl9hEktth9+0gjqxTmszn3/7NkulF/saTa1g8E2V4t2qUq7FGpH+/Trxt99G9L1NnEHzsTH+j7sAu5ULKyfnwfXXF9yNgV9KbjO3Yxz7sxzNWFlfOxOfzJqqyyDE7dJ3aDlvjAG5VxfZFKmxhWhnMQqZBMuuLYV264Isa0eWpvoImy1j2vtXYRFfGsCrqqf+oHSRIiF3TfHcaoB5YbB3YjaiQFclbEo47N4mqLDGEthLFXRUZiOlelYFw1r07IuGk5Mxh/jrtkRUJvG0+4DxyXJoea2P3Sfub7kuEyqs7sxszcB0hwET70jXQLBHDn9t4BfMZxwf0G+Mg+tUwC7b9sc2MY2pC0BxqVQuXSUW2I3AerXxOQoYBmU2wrLRowtJsTPVnSc6S1nesuprrnWJY3z48rW+jCPU137XAoh90FJR6MMGjnW+7a1C3KeSHQYY29XuuHEaNrCUFtDU5mg4Coah1BvIaq3usG/AQ8QFeNxXYAp1ylU4fxDklWDZ018aamdjzEtfEyuVgq64K4blcf4CfG5LsSx2kJhIhCXoRSOKIHTuza3Dt1ZD7ydh1vVWlznhkzM/sITMynnSgahvCuyixmVY4IprfrkWvS1dNWoKEIfH+scSpTY2bHohTQBrinQzqWUGKm2EXTTtgTg9scN4T0xg7JrFbZVtEbTFIZtZyi7go0uWJmCUlkabShdN/rbTUsAvRaWvoOcsamR55JBD62pqCbp6BL4D+H6p9h+U7H6d4A/JFYJOCyuB+X2cXKsJ5n5jg1tr96mn9g7uSyeTfwu4Vaebcm0M2rYPlVw00NVMNm18GmewYcvod7scnH0bo4A+1sYO14/BipqKl4me0myTr+ncFvBX/ST9sSrmVdmeusa+Pv+SXEJ97mupesqsV8KyBOXefRHkC7L/XTxmLWYnifTsE7X/tj2zHvT6AI+ZQZFd4ktBlsT7zqT67ztU2lhP9SmdXLnoHafm7E//nKYlSB7kHI7k70YpNo5r9Cmx0phNh5LQuS4XE5UZgeVdgyrg8uwrOFa0u3UcpV9TfsRj9m4ogfYNKPwNtREvO6qwU24C4mZRFKmGNfaq625uNYIr+FBQ0dwTQfO8AIboquwGDzDQwkmZNQMrsNSdS0KS2k6yqKjMl5VWJm2z8i4Ni0r3fpl2s+vdcNKtf1b4ztv+3jsSKiduqfOweZSAD4GguWyeXV2H5QeArRzFdjm2jk02dSw7Cs85cuo5OL/iv0XZR/AMrMsXT+nuh5q9cT8MbYPWHMwnlt2R016T6XjZb9N4pacKrelsmjnaGKYR0jEY3A80NfoIiisuuVn64d82Jzysl33XjUdikfmmjO97dXbUnVcdGuuqDygOsXWFX0uhqje+v5ZX6tUOUplWZmW83LLR9Wai/WKq9OS621FvS2orwvUVqM3CrNV6G2IlW1CXGwNfQlHJRIpBRj1SaNcr2L2Y0Lpr1F8Maq6EH8byw+FsUZ1g7uyjrG7nRpBcDoeKefGkNy5PpGSd10OEByU5B3TSc1blZxbrI0bl4dtIYHG2B8LdP6lQnxmGrknRzVVgm523o23QxynP3fGcJujYeXGY3U8TggRcltD6xTX1r/UrlvDtirYdCUPq4336io0thhqKPtPSyUSnd1pm4CwGGcrVdu46YXYNfIajG/nQ23bvLnTP8kFjrX7jbjf/Yf9wnggAberd+Cdz/gEQCkqV4yx+SlbnvEBl1xh+/TFEf9ivKzUMc8ZMivX+Q70Y+RzBrxM5cvQbq/ghl5dJyru25mmIy0Gcuwu4OVzeBlV3WdgXsLpZgyx8iwe9z2pOOcNznljQrWtKdig+3N5xlhKvuAP/rz/cifrsrxSFXCCDe208L965OOH5cZTqiwT81MPV3LbaHOPNXJ9zqaeLc7H87oELZZFRZc3ZtoOdpBiGzMY57IcHwu0kHc/noLaubI9x8Ksn9fT647IqieBto9J3RNPnGZNjsskyMb+5GrK+mNEgAWtmv64uYzC0SUs7ifrucp+1M7QYNjYarKu63VXcm0rLtqKTSiLs+0KrpvgNtwUvatw1xpcq3GtGimuEVx1pwZXJugHxh0Tg6wLbsLxIQYT6x46KBwqAGwZ4LUqWlZly7rwkHpa1KyNLyGwMi0numalWx8LplpK3YoBs+tLD8WszfIlwWthKVsx/j4HtVMgeSik7vOGycHpElhOj7Fcnd0Hs7llObflJVC7NFnUeP5v4yl/5rEanfSXUVNZRHZ/oHQZmfkl05uA7NSgd+g7oVyt2RygyvljzvWOWhoSFOMoU5uKtR235WNu05/A4KhU16u28Z7oS5wZXwJNr7xy6xSV6uhQQwIfPMja0NsYk9s5Dcr27tAdPpdDoTsq19IZRVtoXMiaHLP31oBVBquMACq/LkKUDnAZwkxBeZc25b2AezdjW/rs0D5zrxsuIn5fi0MHddiDlj+e0kHBjXVZLYNSO4K42NaQZGkMuEqou/Sld6aGkP4xJELtaPxT4xe6yXyv4go4zZoSUCsAdwSzEUJz0BuPGZuTYBsv7IR78mgsTwDZe20ruk7TdobGdjTW58/Yap8wcmVbGuVftHTo/vbw2ozJkVjj/ITV+Fvf1AglFcahtm0cPWW8bQX8bs75P8I3vw6/6g/78NszhlhbAXzlOZy/MSyW2m8U3hqkAHdJA9jRgBPxu2I8aBHOKvYzpfw0RzCMU/LKF8vJspMzoMg/rMSTkcvlMkGm3TMPuptLn9DrGUNxIgmvU17DUek9p+IJFY84p+IxundiHlr8zfwbjHXZ1Le6Hi/7vXiwlW8ZMsAY3Yv1/xn4enKJc5+pvBm5l8/pTzBlaVRVbD/+5FLUbxh+k7jsNsFWK4V1u1B7G0Drt2Fnm5xSO+ybh9pD4mYPhVmZbCmXGClN8rQPaucyJqcZjdPjj48X+qSa0TrpRiz7lro/W6dpMCMX4givG1exDfB6ZSsu2tUOwF63ZVBfC7atoWkKuja4DEeAbbUH1VahrBrFMfWDXsZleHiT64ZYoOBS5qfBZbjwLsPGWExhKYqgtpbtyF34tKg5MT6uK9bBOzVb1qplpRvWqu7f8sqXAVO/4VyCrDtre4TIfVA7xUxL4PQYQD1m+2Xq7BIwnYLSqceKOWX2sBhb9evexf30GGL/zIXywT7phXg7s+w2YmHT74e4FucAdmrQk9vOtTkF1LlzWDK/L2Pza2IxqaO0fXcmOd6VETKVV243rqAOI4tWlgf6ms+W9PfFD+oHfFifcN2VXLYrLroV31V9xJMQm3umtr1n0EW37pP9xfrlOF/yLSY66uEjDHFG+QzOlek4KRquy7ofZzZNQV0XNHVBszU0W43eaMzWx+D6OrhevfWuwGDixYjgJLIqdxW4ImYRdiOgs3oAMZkJuF8WoTaquT3kDuptVG2HjMORAMO89DYi8T4iWRZXxSYkeArYHErpCNuBXQaV1EjPJuHhNKveurFSrIdlw3b5tyryGuyuDPtphvFdDzK4A9rOsG0LjPL/UX1SSe2fU7qKU1P7sV1vWbvXwIsql/PgPJwrUF8MKCMzJ0T+ShPrjMfDh5zyOfH0uHtjdj//L6Lc/xL35E/PDlFnNfz874LKjLkpp9yeA8+45CPepdlJWyyxMI1MfSzOInYipt1NIU8CXvQxzrhfn4RPVHG700EkTdTavum32HHL5gKaS/jOhf/8lbAsZlF+2I6PHM8qVXg9AGue8JAnPOScz/duzIOamzvnNHDYn////n/y1f7lQuRAKd7G3yr+Tr/UKR4/IT82pg9T58ky+dMca/vG7vTZRfbhe/Y3f5Biuy/D8W0Brd8msyxxP5ZQuw9op2B23O48zEZLYSZXfieFxzmYXgqyabkfWct1aeZkH4Nb9kmmNrYMIDsAbFRhL9uVf3Dpqh5gFymwVsS8WvkGXe0O0GHwsgJgU2j1sa4+UZPWliKAa6F9rGtlOlaFVxLWpumVV//xKsMAsE2fFCVOS9X2wD+nXOfU89qVixJz3SmbUGlhgNpoOahN74NLlNcp1pr7HAu0ac3ZZersEmV2at2+fdLluf1B/Rfv4v79AWTd1xOIjSeey068L4MWE8vS+bllMAZTKRvMbZezFGTT4+UANvfklq6f+wPN7TcDtLYkc/e/+yZdj9Na6/P7DdmSTVBRo5Wq41T5eNtzs+G5OkUrx6bzjxCX3YqLbu1dQV10AR28XBrlE1RJ65JY2w76XA9WKSo9ft5QymG09R/l8x7U2tFp48cP9DDOWO/GGXP5DarooArq1tG1ftuuwiuypcLGF6cB2qIo7B9b3JDvyQEhE7PqgpJrxdTSuzEjQG7nl0gWyFqwc7A7hkq1A7dTqmzqdhwVbVQGak0eXLOQ2wOwE+HQbuiH6I9Lldtc/SGFH/+1B1sFo7xW1vnxuHWG1nXUthChVi68qPFu9q+VRWoVFt2Rc7flqRFsUG1hTYEeAd9zBmnyAvh74cVPwW9SXlr8BmPVVnzMoyGZVDzWeXLscehlh+MjxGOFONElI3wtpvJmLuNt5diaQm+EwIiVNZgG3jyDqsiPK6mf9zmSI8fNXoC7gOYCnr2AjzY+s/IThmq8cZcnybzsmZ9WnFNxwjkFm0ySqbQT/mr/Af4vYnnaSbncz/+jwL/+QxOXPPfglcLtV/HqvrxuSyxul3uRnfYjvq2Jzxm554QJOwhsczZVk3ZpHK1c77eZWH4g1O4D2qWuxnOKXM7FpW83gdMUnlPXYrltevzUfTinCI/7MLgQWzSbALIxgdOVXfVJnKIbcYTYCLAxBnbb+DhYXyZHY1u9m204wKwWb7KlDa5NdgSvqdo6l6Cpj3WNca4ixnUlY111s6O++tp2LSXd4DpMzJyYvoxRyDjieA1jHHGaaVrW+4WxC/ydtgRoqcdQK7Mf3wbU3pZKuw9od0v1HAq0S8B0DlD3AfCwTLn/Avfv/YL+RNy/o3xdWHlyMfQoPeF0GexeULlsbj5nU8CabrN0QEtNnkfanyXnsxRgM9dIlkMAcGIUtIl/72rh6XzSNhVF6AF1XM5utF8ynoJXb8GHWsQM9gBr3fAmH1GqlrVqeVc/4f3tAy6aFU+vH3DRVlxUK76resnj4pK1qjnTPuBVB0V4a4tRHouRWgtY5ccUK7IAxxIvlWlpraYuC7ZVwbb1WfGv65K6CQruxtBuDM11UG+vvYJrtmBqF7Ib+49qHMW1zyDs6+L6OFxbhljcQrjjRmCMwKtjEqlh/BjK3jAqHYQjeCiNldycmCnjYyfdhSfhll2FVYt2UxsBrhvvnyq22gmQFaqsPPkedsO8dv5UdCjZo8KphROXu/enlAFcBSgd8mCYkOxSWwo9uLJH64JHwDb8526c4Uq9Lv+Lyd6/ctmRI+KlMBnxLyq5z/pmTnnAm8kD//jmff0py9+G4//j/m7cO39sdwgDaDw0PHoLqofj7qaxoGPl1sfdNlxhR6Qc9cuo5I41zaHVJ8mFSiFOQp+EWsTVqID3xr2LsbifPYfu0Vj8zai1KdCmyyLgNhdwEVTcWD4oiQQeqbjjGFyo0JxzyjmnVLyRJEGOqu4lu/AqgTe3zl+bWv0oD5kdJmefwf6I+5dx/+rvGDbOjcuI+SWeXlNjfArXC+xosM0BbVqTdmkcrV+ftD9qdxnUSpX2pkA7ZSnMTqm8qWCRxsembch2p2A2VRRl27F8js887N2IL+2KjfPq60W35qqr/Jv11iuw0o142/iar01j6FpfLseOAFYN5XIy6msc7LPgGrILG+PQJqitAVyrIiZm8qrrVIKmUo2Lr6/CvIx1jW5yUYHNKbGpkh5VhBoziieWSbFiWSLr1ChRl/xdYewFcKcto9jK/BpzULv0xncTSD0WaA+Ln00HQbkdE+uWwOz0dsr9dty3fmsPV+6HfwH8aHJSN1Fj2TM/tyzaEqCV+9eZZfsGsUMgNje/MFuzBxW/KJYOgHFNP2m5U38rs+x1Mc1+d2QYQ220Ull8nKnux2yDZa0bHrJhYy55VJzwYXPKBbDpyn6/GOJRGX9vLmVoR6xTs9PXQIROh1hbS2e170cEXGVplfHrlU9A1VhDoS3bomNTdGx1SRNUXFQvG3rWcsqrd51XRaPLMDi0BtdAV4JtvZuyKvzfjTPhb0fjCcwwKK8SLH1T/mpaN0pAZRV90ibC/M4jVHwnrsbt9j+P3N6JfdSgQktX6x5YZ9Tb0Xv42I5Qa0dl7gSUjvqVLlPRddir7ErT16NVOtampa9P259SeJaL1yV+j9sb4z22tLb9vmkb/tIrLKp3fbd66uTvmKUeMOK+NpdEam5kkkhzwppihFFRK/SRsmv+Rv4Mz1B/+uvw5I8NnsMxkFYouPocqvWQTCqOgE/EcZ9k+vQRmwC2S03e2CXZ1Aw6cTzDSsynR5aDQ07JPQdzAY8eezk6vhU45IEk+bjaA257DZuNj8tNexyP/njckxHHSTdv/xlUXc0beyA3r97+AX6YPzB6DorXa4lnWs0f+RffhXd+x7IajXH+Avha+J7z6Jr42+8/B7xIPxhslwAtzKu0S4HW7zMNtXKbKajNAYhvLw8hSxMNpCqrdCGWy+eOFY93SGKn4XzzIHtlV7zs1lx0Pu7psl3xsl1x1VZcNpWPUapLn424MUMW4lZD60e2PvtwArAyrgbjfPxRxl3YZOA1JmmSrsIySVNUXGVGwwFUuz5ey4g3/DsKdkbRHv1mKGrn/yemrsVjiB3mG1Fn1287VtkP+Zu5UybvXcEi0M5B7SHwyQHbpu2mni9TQAuHuBxPwewUnM7d3JnZR8LsP8SP8U8D4P7J3wr/tj+Jvsj6HMhODRC5qbR9N/8l8LrE5I8sv+8D13SaW7bUfTjMR4iN6utcUXppc5ei5m6DbakUlmGMTXNTRIuqbWppibzcNmVIihdfABosp3rLdxVQhReM75kn/Oz2AVdtxXe2Z76M26rku6qXPDJXrHUzUl+3rujr21rUkCMiyZwUVVtrFVY5SgbILbSlsN79tNQd26JgVRRsy5bNumC7LWhPC7qNQW3MEHu7VZgadK0wtfPKbesVVWUdpnaYeqx+ulgLV+Nr5BpwheqBd4DfCIH0ym5XuEGhDUpuVrnNOb5J0J2zBIKHvov+RPBW4/369qOLsVBoh/JIu9PeJVhAbarKRqVVKdDaBSDFT/HJwiLw5syJE1fKoRW9K3qpffWCQlsKPdRkNsr1L0aGPBmvgSty+uAuv1fLVNvUe1Z+vHKr0Tyg6u9q+bvf078dlPsC7snPzHa5BJ684Q8Qb9nydORnUG47nvGCaza0fc+lBBpjbuW81DlT9Cvxd+mpF9cyJjUdCWJQ7XNGCGnO4c0n8GbQT2NW5bh57O5cjG7GTbmpvYr77YyKm0s4JYFWXsOq315zToUv6vQwo+jKArOpS/Lc9cm9GpHPSPD13wnqV7phky3wMtmN5Pu/Be7H1PAHIm3qe+4BcYEtBtu5+NnRdnKbBSV80n2G7aWymh+AfSKKsWK2BGphGkbmkjz5vuzGw0aX1FyiqmhDCR3XH1+CWFQX47ZpqZ1GuMdOgexH7QmXXcXLZsVFs+KqqbhuSratoa4L2tZgGz1ArJUQK5Ji9G9xnQBYBoDtS+R4gK0KXx5nXbSsipaTogkA2/Sxrj7GtR65Cld9DFa7k1V4SUzY6PqG6xWzbfr5wa+wCY9PuVJJUzDboWhsgUXGPavRQBkHzh62XzfIrRkli7otqP04VdpXA7RTd+i57S9Q7tfw9/Ov9Uvcv/BPw+8TJzDlWrwE4sjM577H7h5qU4NGeuwcyC7tfwqvB+6/RIVNIfZYqP25YFG1lXCbjqfSZCiFV1fDcrF/RYfR12gstTNclf4F6kWzYtv5+2Wpu/6+v8bf661SNNqXd8vVGDVBsUVZf59VDuNiUisLaD8uaF+zFO0TJrbKq7yl9iErVdFybUq2Zce2LOlKR1tp7LXGlOC2Cl14OPVJpvwDmrERcPGqciiv0yebGtWx9W7LqgRrg7pZKu+aLAATwlQquT3YDpC7D3B3yulkfsKxS/IAtTsxsmL/qVjZkddVnE+U2NiOhFxFBFyXBVoTQNZo18dMx78FeUryMlinRtsUfZz1sK8OQBuzcEdLXd1fK4twG+aXqLYpjkQIit/PqCg4Q/epjVLoOectfgn8p/8DnIdfJEJcSqkVmDNfY7Q2w+g4ZeMRdct1Nu42R0RPknVi4OxOd2/WFWCu2PUZfi7OMx0VKnHFpJYaE0+deSVX8ve5mI/XR16n9E39xVjFvWrh2WY/4D5nCeTK9VUAXjjhMZp2AnSXQm76/ARf5Nfj/t9j2N33HLX5NX91/KZ4KdweYQcptnOuxjvbHlmXdrcdAa4jiB0rtjn34312CDxJoI1xlxFm0/qx4BNx+GOMlcY5mB3ObchSHMvsRJh9addcBTV2CmQ3TUHTmEmQjcksdlyJ02zDoUxOUVhM0VGWQX0t2z5b5WlR95mGJcD60hBDkiYfl9WMAHYqQ3P8TdOXCPF32PkdlaXDDL+nS9Yl6rqMm+3dj/cotDIDdRwstZIu4m7nhcSdtZTZFtrHBbU5tfY4oJ2D2iazLr04y+BXuX8M+F1Ahfvhf23XvfjJxEkjljEzTedTuwmFzQ0mcX4OQKeWxe/7IHhiWQqwsKvCHjJN59mz/DXIozrUlleq99/M3X2GO+YYasCPV7Keab8cNRp7dYBO6R211g3fVbwEvLK7Mi0/uzln05U8357SOcXWFnymesG52VCqjgd6g8ENWZLjS0PlCwJFuC1VR6c8vHZ0YP1vUgAa1c+36N41GQ3OhaeNCoz2MZl10dGuCrq1xm4NbaPQtUI3Hmz9PJg6fG+cX9fSl+PRrV8er1+ER2tU7ykQ43Pjd5lheOQWjIBPabH5uDiTbJFhVbJxAr9SxU1+85ybs4/HdX0/c49jsXTSSJkVfUihVqqxSkCvUmOojeqtVtPq7Qhg8dsV2lKorl/nQ4U02hn/HyH84edc7e+8RWKtxDyHxdpKVJOfgnPWk6XtvP3JXwnq33TwD/183Dvf3O1f2E0Dq7fhuz5Fnyl532lF/nvGlg3PaHp4TWE2HcefsOs+HMCTM+iKYVNO/ad6M4BuK65O6qKbInmslxuvXngiiZmV3zyDdxLIlYqtFIJTpTcc1l1AV0N3AfW1Tzil96i4sSdTWY/luuFZSlMRVV0oeYOCof6tHr3USJ+J0vlDRQBG+6z5Q6gfcdO7MDMvDr2E2haDbYTaJY/tU1B7LND6faZdkMcZjscxtTANsHPqWg6wUqCNSYR8/4bjRfUwgquM+8xBnU9VfxzIxvIHTVPQNoYul9zJBj8kGZejp5XYIoHYdVBhT4uas6LmzNScmFqk1K/7ZE1r3QwZMUWyplxssPw9pzIPj+A2/CbSFVn+xlOKrwm1FWPM2Pj48Vjxo0Z/GzKXjO5fSPhzii7SwwuL18DlKbFD1NrbgtrzhdvloHZ487gEPnNQmwPaqTvtfJvK/RfAj+J+y2+FPyFObl/pHTLzZOZz35dYjtSm2k2n+yA2/X7oOS4EWPAQewiwLoXZfeE9uXbuomkV/Us93HZ7sr9KwE3HXS2gN03GaEKWZJSlE8mkDL4MkC78vbJxps/f8LJd0TofI+vHiS1r3VKqQaOxVmGTTMkwhlvrfE3cKD03obcltofbHmCswmjb/4kZ5ShC4sGmammqgmblX/Z2tfEZkWvdg6zZqv8/ef8aa8uypQViX0Rk5nyu/Tz7nl333FsU1IN6dDe3Dd39oxsZhAVCgJHwD5dsGQwCSzzsLsp227LaSHZDq0E0wsYqoX5BY3WDZHVLCCyMZRoZG+EWogUNVUVR93Jv3cd577X3Wmuu+cjMiPCPiBE5csyInHPtcy61VjG25s5X5CsyV0Z88Y3xDegDYtogwBx8ALvWQ/fEtPpRO+p1yA/rqsDW2phCiANcV5E7sxpclgkcS/DJwS3ltaW2m7ffbDopDJWxUtqe458X88P7JVnasE6C2qEsB6xaMSCLwMAqYlzVIAYlQW6OnaV5IPQRXVRJBgDtacDmAWhfyO8zgVoGbn0LEMXJW6QGx60UB7fUalHztINGhQUqPEO+jbvFb8K/Cv/7L6H+wbeBjRqusdDQ1zXwZIXE3J5rl7AANuKbLBOd5lhB6VqMQB+3DNzyzU0Vf0tg/QJ43CPvUyzPdRt/gn416yg8tQJeLsMh3sVxctsNm24yy+voqhyvuT8AG8bichhPz4+vl8C2wZFj9ajfFeY1GixjP+wRGrSMLCgB3RzgLQ2OyHla/uvwv+Wv4JgRlvsBx28R2/7HPsQpO98Vmc3zBtSIFECnYmoTazvhanx87nFDK12Q5fFKJoGsZNdK+WQHEDswtK2nGKExoCW5eXKxNcqhhh3FfpIRQ0h5Y7duhlsX0ibc2Dmu+zlu+jlu+yYB2W1iZAOQHYk8ufgTjaAn5caMmBMxsZTzlYPYZdViXbVYmcMIxIZOypAqh4BsSeBKK3eUXukuQHb0zDLxyDnwzM9poaDpOfnwznauCuePKQOcV8eDIRlGlgSrCNTm8t3ee4vfiM/bBblURjKwU8dai3LTLO3UKKIEr11h/TkAefipb38VeO8TACv437caVIwlmM2BvNxUzn8W423BXYDsZwWxZwDZnBJxSczprlM5L4FrrqNV2lc2tffZeHiQBhuEi02hjLXlZSV7S8xtWhdnpaJy+L66NBDoovDhE7PF9zRvghuycnh1WKF1Bq/bBbTysF7j3fo6tR1ke1ePdAtGqfOiQFRqpiO4dcqH6/Uezjtor6Ep5y4MWgAVFLxXMMqjjklsFYI7bG8MbOWDN1PtYHsN1yvYuRrY20OYDzlxYzxuB+g+xOVqy2JnLWCsj/v5GIfrWTxujMUlYBvjc1OMbvqxXO3Dg0pjF1mTrOvRdsYylwAt+HrpxhWBvFfBO1t7+DD6EbS5vIJn4BZewad4pjB1LtyMUh5w4SG62OYa7eCdhlEeXnk4BnAR38kyi0vEgIrMfwSxDrAqtOcHplXyoIyDWgZuc+7ILY5ZW94K8s80ecrWWGKJHhpPC3uG3//jzwJf9MD7L9nOwFH7otu7MbfcxuA29wWeAks0HyEf5aldV2NMBjG9rIDmcfit3wMWBHRzfQR+LTRPYHgNmCbE475YAS+rMWNbYnFlLG48rd2MWdx5Pwa0nMWl9QS7ZT9LLksgPADm8G8BB415JBDW8aLo/Tjlnszraso9ObdO9rtQmJ7fIp/P2JbS+pwYJebuxxLUngto+T4c1Eq2lluJjS25ikpQS+q3FIfJXY5HLlrxeEYNrsUyZpSDPK66u3c1rt0CW9fgql9GVnaOm26O626O2+havGvrkDO2Cyl3fK/hE5DFuEVTPvrLDgBWRZn8kqATdydemwNzKT6EGKnIxJIr8RSIpedC4BUAXOzVyhy9R8sFIEv1zAcJRsAyMgoybsvBRabWpEEWqnuKq937JqoncrdylY7J2VkZEyxZ+Ids3w1QW3IpLm2T5cYuMyWWtvSBLY0qTrkm54+h/k9fTZ5R/vco4O+yG3jG5ktgj09RWC5Z6Vue2z8HlqeA7CkAexcQOwFggfNA7LlAlgPXEkA9d905Xaf7bgYKFj4MMjOXZJ7PFnE5mR/H3hoCiwLclgaMeeiPgccjvYepL2EQQj8OrsKn+xWu2kVi0GplMWvigKgZXEgJ3LpIY5KgIrweWDn48O3XLgLq8K12UNDOjLxlAnM3VsM12sEah85q9MbB1hZ9HXKwO6fg4wCxswroFXSrofdBaCoITw1pg3Qb0mDqzicXZWJyIx6LcapqiM3VA6ANLsvhb8Q2xPBGlrf2w/7E7IrmnZt0Py7ZyHW5sI/PAcgIauE8oAW49QMr6+NJVKyAHLhVdF8RyAIO3hsY7eDUIPzEAS5U9JDOsLXcHBR6Z8Kgh1IwSqOP787hIbTN9C2Vg5MC3JKIlBbAtsFx63XL1nOAS/N5l+RxG/mb8KP44Lf6gbW9nL6NGYAnTzB2dTvDNrC4xgYWPeuhl0Al/0lecw3gWYiJbZbl8FGy1OGogPXj2Dl5Edr1UZxuCfCK4ONFE1IH4WkQnaL4WwlypdgUeVrHeWJxuw2gGMjNuSpzgEvdECKFeV9sI9bzdaFccFsOcdjzE2FfU2JTpVb1VMaJUp9MHuu03cEVeWyn3ltenjeuOVB7KgaCg1q5Ts7n7FTcY449nIqj5Y0oxdASkJUiSMAAZsnFmFjZK7vAVb/ATTfHVTfHTRvA7LatQ/qdmHonAVmrhoYGSEIP0AG8qspBa4+qtsGdOLKws5gDdlF1mFeDoNNCt4PAR8oB251kY6VRqhx6FjmBLWDMbp8CsbTM2e5h4MDGKQk3MS+BWDddYtrNkMfX18nFmwAt/QJ7y1ydI5jloDbUyTGwHb9Lpz0HftGtPWZrgc8P1OZAq3SLyf3IRTnP0vJG5ZQwVInJLbkm57epX/1VAID/TxTwTXahnJ2VN4bMFIXlqe90CfjmwKtc5oCUls/5nZLux3jdZwGxNJ1aJx3SSt2ckslt5wDanHPVQzENHMXbmsLnyETMIYWlwnEGcNt4l2VtLYu5bZk78Uof8E59g8M8pEe77uboncbrdoFah2/5O9UNlvqARvVYxjy39B0GjhXnCaim9D3eBdAev/uVsui9QaUcKmeC63AENZ0yUMrDOg1oEvgDejuknbFWwWkdnJ10OI/TLjCs5FrcKNgZsbcI7G2njlncmEooNQs+bIcK31mKrU1srgkphnxFwHYAvQOzK5hcYld1YErH6YH8GLBK4Dra5o/KjCwHhrl5gq0KUL4Ibr0nd2QFwIWpdnA2glqvYXQAtOSSrICRm7F0VaYYW1qutB3ck72KwDh6Wj2U3PLAMcDNgFtibXFH1lYuN8klmWBRTkxqg//w/w78dg/85WdsdY0xpmNt0duCW8DiGnsAb+DOHqYsWRx9erwCmmoAj1QROcxEDQ6Bz2aJ5LpM92i2mG4lqCJuA7h+WQ2dm6cYA9p3MWZtc0wugdz42x7yglMNW26QB7kSyIrXSqwPILdGU+iPEaNb6mthYpnkzKa840r7n6d+cTawlWZxt/fWoZy6p3wOBn4L+Wql3UW8p+QOy92O+Xno2CUxKB7zSSxvCcxedQtctYGd3bQNtocGbS5OVjKy2gNVALK6dtCG4mEDiF3UXXIlnpseq+qQVSWuFU+v02eBeU7Yqou911MuxFMAjytDAziqw3OAbCgbjHsChPx1GntSj46/WzeLgLbGwdXH4iV0bRFM1wBc9DMjZljHWGmqo/G7pFKM9EOwc1yQPw9QW4qnPSUQlY+lzY0S5sDqOeXygPa/g59J1+vfqHHOeH7hU8wnN95RuWO7nAWxpakUpKLpXR5eBryiKQNY4O3ciUsg9hzgK+dxx/U5EMvPlWte76vlMhNwcGsQ2ulSi8jBbVj2qW0uuSWTNbBoFdC6OrUBBh4XZpdStgGAw1O82q/w+rBE64ImhZ571LXFSh8Sc7ux85FY3/ieyDXVJXCrlUfF7sz5Hp02qF2FWjnslIO2VQQ7Br3y0JEpdNqhMgq9Nei1Q2cNrPWw2sG54J7sI4trew3bKyE4pQZQm0SnYpxu66F7FcCu9VBMgAreZXK/q+A9Wyu4SsE2KsTpNoCdKdhGxuv6mF82PBwSekriTyRKVWRo/aBwTMvSfACjxTxDPrwUHgoDfB2D2/Tq+HAO71V8LTWUCvHQWnu4CISdG0SltBoztKP5ODXaoXNBNEwpj8prVFHQMQFgNTD+995ygJaWxXedWNs9MAK3HLzylrBBXkQqNAFLzAFUE0N9vxf/Kn7fr/EIf/AYXHp5cfHRnLUhFVATr3kqUwttCzjZ4hK3sOhjOHHuBKXYYLpjEZWaUzXmbsmlhobqfPRbHqs6jdyYRZ/DNMCLBngRFZw5+UsAVjK3pXXMVfmwAS53QLUHHhXclWnd6zi9FOs5CF7h2FV5+AWQCzQZ4uHpifAw+QyRWc/nz9132s4GtrxxPDcUnwtGkdkYD5GWT4BbydJOgdpzbCqONpe6BxgDWQBHwI8sKRlHUHUumO06pl5MLsZkKsTFglLsVA5VHeNhmw7LusOqbrGuDrio91ibA9bV4UjUqYmdDRKyAnAExqU7bRqJJ/aaxUJJNpvXLTc5GEDnyYFozgw3CA0UAVoOZMd1HmJrOmjsiZV1NbZ+NkqJtPcVtnaGzhscXBVd2nVKJWDi+WplofXggmzS9Q3XH+pBR/VqpMGQ1hvsCQXcY+MhRyVM890AtVPux4uzWVoJUM8pw9flymzwp/FVrAH8N6v4t0cDklOxs1OAluxt0FEJoNL8lKpyaXnqobKy57Kw/NbuCmZzDkm5crmpnJ8yXu78pATHTet9NXJBlkbg1kZwK00CXYq5nRKUGjQbBsFDE7/hbQwITa7JykXmdoOdbdA7jU03Q+80rroFPjYXqKObSBgoDOnfgHHM7ehelUtCUxyoUPuSmGnRSCTGzwWA0zsN7VX4KQ8VGd3A7GpYGzyLqI48gryuj82ypxQ6FeDJpbgZ2FsbwW4Ctz2gYjxuYnRJgIqzul3cZsO8i/G9rsJIjIrH5w7xuj6qMFM6IjVkOIiKzKEyonuw9wnkKh1jZacAbsZ4rtqw7NMxhOwKU0YelmXcrPOKDVR7aOrnxevQcdBFxamN8dNW6bjOocOgtCxB7oMxQqe5ZZpvAmsr3ZFblFnbXGs4tMkVxnwenw8w6Y//PeBPe+AnnmHIvkNNdA4RAagbYPkEeMZSAdGu0mR4yQYHOGzZtyo3ypuziXILBGAq20SOSXl9ywaKt5V0rysgiFI9Prr/o8GK0vGAsaBUi8Ducub2UixvAH8ZWFwCuBvmqvwaY/xNT5NAbMvW8fmazZe7CmM2N5AQNXQqVWpNZSU3mXX0FvPKuxuoBT4DYyvNTKgyEltr/dsD2tI+57h+SjALHOczlTGeJSDLgSDfPwGqCKQ+E5hlIk+6Dql2mqbHoumwalqs6haP6j0u6j2e1DtcmD3WZo8LvccqinNwVWKACy0cp88hplW6gkkRpxyIlXHSPM0RnTeB1oLgE4+TLbGy3ByA1usEZjtvAoD1QXwrgNkGWxumB1elX+/MqONEbky1cqFzFTcNglHHzzwB2qhmPbg319jaWeaK75edYmvPYVjvAmqnRA3kCGCFHY5HYEtANjdCeMo1edj+Lfz91Db9xEqVb4a7GyMzf47Jb7LcrwRmafnUSIPcZ8oNma0/pUosL/1twOw5Y7BT4JaOcY7Jai6d91TT+xCA7ZRpBNXkAAxoQG7YBpTicD3GGhLBvdMpFcAGtZEqtA40ELl3NWwc2NUIYlJzFcJbKm3x7e0TXLULfLJbY9/X4Ts813i3vsJcdSHHafzOlsAtsbZclVmroZ2uYcM3WfdodIWZ6bGzNSrt0FqD3hv0Lgxm+jjA3huLzhq01qHrDTod2F3lFJzTQBSCggtuyb5XcE5B9TF1nkVKoad67p4c3JYpBjetY2A3zEdA27txHlsVxaZ0YHJ9hcDkxpRCdhSXGxhel9yZI7itBpDrTQS1jMFVUYfDmBDCZIwbgU4f64m6dbRMxsFpSeApZxzg5sx7BUtxteKc8nzE7hKgNWoMbnme3HttvB/fYPzBk9sQWNt+HgANCUlxIpXvKllbvu0yzV2gOfryDhfxb+G/D/VrPH5CsrYnPq6cuZ0aW5XNbMBxt9ihR58OyJlamQ4oB5BongF2sw7uyZK9lV0Nfn+nGgXZZ+C06JQ+BS3TrfDzjb3Bx8CWs7mvx67KN5sQk1udEZPLsTlfn+vDlX9BYbnBmJw47sfJlhaZ+dy6u4Na4E7iUVPxOuMNUxp0TsTruJK7C8pxtOewtTLtz7nqu8Qm0nxOHEim5ZFKxm+6ZYqZ3XQBzB66Cl1bjd2MqSFTACoHGH/Eyi5nLdZ1i4tmj8f1Hk/qLR5VezyutrjQe1yYXQCzKsTFchVfuu+sIBbMEaAvseFTeYFLQLaUszewsZYBXqrjAcwC44F3PjCSY2ZvmZp0ALQNNnaGg6uws6ET1SflY5VGcSvlQmyO99C6D4yttsmVLlyzG+rAA3tfh+uIrPzB1di6Bjd2jp2tcds/HGBb+s5Of8imQS331J0CtMNxuNS8BJ85cSi+fI7LcU7p8M8DaPFlqPGFTn3VIeYh5qWVGsDccu4c51DmUyC2cFzOyN4lP+zUNj4tyUPIdcjMy5haOX/KStd6FyD79k3pP3ujdD851pabEeztZ9GIPUrZphyMV2iUDe2GcgncauWw1C2eVlvcNjP0zmDX1+i9xptugVW1wkx3eGK20HDpu2t1VK1nDDDisaP60HFdJHbZ0Ypwr7x/YcN6ageUD+6wPI0MEIBS3xso5eCshjYkrBTP0se/nciIKhOYVhUZU1dFgGvit7YOYFf15KYcwDABW22HZfjhFoDg1aucB/rg6h2Y38AKB5DrGaClgaowP6QaInAbxyWqAHRdr4HKwRkNXbnkHqx1ALpUF0P3bvzsKTct1d1dwC3tH/Ydux6XjPcVPcXysuVUbU5HASqFCkwQ7SEZUa/cGrauAbALsxzGSTv1naPfAhUcVtCjaEzO+b3GH/p7Idb2DwL4jT/ATkrNa4Mh1wwhqU3IwrM0wNqUv7+56w3LIQa/T9CcKicH44FjDpJM+E+bLohFUV3yQ/PDtDg+FW+syHi8ccnvG2Ket9vy+GDbGgyhUPwcdE56TCImt98Be8HkcrdjzubK9fw2pqKv+PYWOgpPBR43D3BzbCx/kVCY5+tO2+fG2Eq2ltyQOShxZwDaU6ysTBszLvf2YBYox3rSsWRqnhu7SMwsgdnrdo5NOxsEoNpqrGRMsSvKAwZQxkHXQ+7YRXQvXjcHPKr3eNLs8KTa4nG1w2OzxYXZ40LvMFddiFFSFuS2y+uWhJNI2ImrMecEsXKW3LwYaB1vv1usbAK9kQnNAVqyLj7bzmt0XqOFHjGjN24xArM3do7bfoadrbGzNVpn0LoqjdCThaTuEdBqH5naHjPdhxhkFntMdRpUlMP7dXA19r7CwdXpnDy38L6//67InyWu9hyhKAlqcwTo+SxtCdieAr05UPu74tX9y2PFhRwql40Rn5Kd+72VYLgEPO8qLX0KyKIMZIHz8sTeBcTy+RKwzO2bm8r5U5brHPH5Kf1sWd49kDj5GgadsllwawgUImxL7C0A7l+aBKZCcOS4rcUQb8uZW8oJHo7vY0YAC+0DcwsV2te56vCF6horfcCF2WNVPUvM7Ue7C+xthd2ixnuzN3inusFcdyFUxtXYYpZyuwOApphdpUbrR/eswpOrlUXthwHKg6vQ6B47PQxy9m7cV1hUHTprcKgq7PsKrTEx9laHfLsupvBxCr5S8JYyE2BgFONAdWByVYivjUBW98TyBmCqErgNLK7qx4xuyp0bY3R174HOo2KPmWJ0AzsbAK2NDK6Ng1i2UYMwFbkwVz7l1nW1h689bO1hawdVh4F1U1lUlQtMuopgVw0iTjQ1YpmLO3HjrGspjrpkLg24K1g3DFD7uI6ObZ2GxSAqxq/x3ptsY0ptC9vuzZi1LUG9BqEllKcZN2caj7FGg3Ko4Z/BHwTUn4Je/2G4Wg0qviW0Gh2lKBXQywtkmVuK/6T5tVi3wQHXuITFNopKyT6CHLLkTrYcGHHYtgbMZpweiHaV0U0bHG/LOYEB5eclK53T07mBdV4+hwMl07wRv9sMk3t1zORyXJy7FKmNWRr7H68PrspBYXmZEZ+itzH37KZ6E7kKzttbA1ve9Ody15bMksIhW54qy60Eas+Jmw3XOU5RAJTjPfl5eMzsbXQzft2t8KZf4k27wHU3x/Vhjl3MMdu2VUgjYFUEs+Tf6gf3n2oQfVrOWizrDhf1Ho+bPR7Xuwhkd1ibPR7pHZb6kJjZU2CWg3ACs21KaTNOVxTqYGBdCbxKV2yqq7QPqyPOaMs0QDkwG/ah+h8GDmjwg94RCWYpz++NmyeGnMDsrW2w72vsbQDuvdNhFJdiaCOgBYBKW8xNH9Whj5WhKZWQ8wod6qTYWQKzm3aGXVfh0NVo2/vfKS5horuC2hwGmwK1tD2fxqcEWEtgdQr0SkD7IwjBsj95DGilX3QO0Mp5bqXvbA4Uy/lzWdmSpLQ47tuoFOeAZQlslsT3SwCxPXNfPuWWW9cUtuWA7BSI5T8Csl40h+7zG/f9rpmBikCy3HmnWNyQQXQcNkTrzjUed0vtOH3TG1g4pQcvJADwwFx1WJs9Hlc73NRztK7Coa/Qugo3/RxXZoGlbof2JgLlbN/A6wCi4UfA+/j6gppyrSycUnBKw+nYO4nELwA4HwSMqnAjcKJ/AgQ1X6VCTQ2BKWE+xR+nn0rqw16FtsepIPKkdQCzvg8sr7ZDnKzuAd97uAR2GatrVRCgitNRfK6KKsw2iDMZ+OjSTG7SPhy/Gwa3nAlscgC2MU639nCNgq81+trBVmGqdch3TywutaXB/TcIcZmoUAwGajX73em9wvEAenhOOj2bBHChjsAuxlXz8IzjsI4tl8pFo11yRt85iq3k6/ivh0aFCjpxe9RA3sbphwD+C/ypzR/GoQdmvxzjDzIRqZz0vcTA3NbAusl/o9dsmZOlw/Va7LGHS/Cdw/WcUTkeYQqML47ZIqony0rjGJlvA46fS24wIjdPGLvJzJfidHPn5XW/ZusK/Qvf5JncHGMrp3Solh2S5tfsEprsvI7xuFXs89GUStCPn4XfpFw+bd+VlrvE1nJQe9d42RyofRshKGAAbTI3qgS0AVQ1uHUNruwqAtol3nRLvG4XuGoXuG1Dep4RmHUqCS8EcQYHHcFs0/SY1z2WdYdl3eJRBLLBvTiA2QuTA7KD+y5dX+sHVWdyM04gFvokmCUgy+uDK/7mBLKOWdsx2OXAeFh33LhRp6SjeF7BMhOY5ew4MbMbOwvgsm+w7RvsbYWDrcIIOxvBVSzmplIOs6rH3HRYxZy9K3NILG2t+xTr66KrNoFZcm2+7We46Qcwe9vWAcweKvStgW8N0D2M5vSuoPUUmShBbZkI5a7HHKSWAOuU67EsJ4dX1wD+FQA/NVzcFKBFZkrGG6jctzUHgu9ayXco+1lFnk6tuysby5enxKFyUzk/ZVOA9hSY5WFT4cs2NH8PAcRKC3lrIzRVGs77oluy4UgTSMrJyRhrG4CySuDRCXfOI/Y2riMF+72v0mAwlEOjDpjrFo/0Dk+rW3yjfgfv7x7j6rDAB/YRbvvwff3y/BLPzG0QOzQ96tgG8Laf1JYtgrsyMGaWhwHWULZTBrW2mLk+6izUQWvBa3TOjECsg8LcdGirALwPVYWDNWh7A+fCYKmLsbfWKjgrBq+p/nwQloIHbIzHhSUX5Ohq7Gg+xuc6AHGeXJOTmFTPhKXS1A9Tx1jdHjAHjxqRndXE1EbxqZhTN4lPmZhbt6Y4XsDXgG18YHxrj7728JUDqphSsApA11QOxjjUxqKuLBpj4YxFoy20dmh0nzykKMwnvT/J9Zj6GpSiaRjcoBhqbiT62DuDzg9T8s7ijDzFUT8444Alh1hZH58UkgGkWFuOr/gvx9rSlOafHqkkH1/YT+APQv2Yh/9QDXncCVjxcWox7qxbYNUB1ROgMeNmjrDdCoOK71osX8LiElew2KPHBsPJuRIy/0lkSnfa4VgmaR3jb5sQg7urjhuPp6wi5T1OOZLlGkLuypwLJSp5ag2PYfxYqPJaDApdsnsUl/3tmMnFZojL1f1xNynHBfD+Xo7tzeurDEwurcuLhubeWl6Bp+2tW/Ncup9cagEOaodydxGRkvGeA6g9lapH7stB3JBKZpyLlFjO2+RqvMSVXeBVu8abbhEY2sMcG4qbpVyzTo2GCnUVUvFUlRspGF/UBzxqdnhUHfCoCszsOroXr3SLuW6T6BPPGxvu02Cfue9czl2qIzIJZEnMiUA9sZQ5cCot98xkWb4sOw9cDMx5jRaUT7YaMbQkArWxc2xtg1s7w3U3x95W2PYNDjZ0QHqn46gtPWck0Yg65vBdVi2WVZfSH63NITG0/J73vkLnKmxdg52tcd0vcNs3uO5CjuHbtsGurXE4VOjbCr7VQKuhOg0T1TDvu5VwlxwonPrdFdSWhQVyPj05wHoO4OUtzW8D8CeA+m+Pv77HSHtcKXL+rpUpK+9UYEqunDwGA7McyJ4j8sTnSyD2FBg9tXyKyc1dg5y/q9G+d2VmCcyWgKyOSSYAQLH5+2gD6xrArYNnADZvXElZMrdT4LZ8vMF9OYg7IbKtGnUKRg3l5rrDhd7jabXFTTXH3tZorUFrK9z2M1z1S8xVjwvDmFtYdAj9gNGgqteA7kNbl3FLprIpMESH9tDChvuJrK31rJ/gQ6gK0MMZlRhBbxQ6hM6SVSrGnFKsbxwGdhhS5CiEhdge+SqscghxocqqUGMKgPNhANwFkAsLWD0wusoGUErA1kdA66yCtlEdNwFkSisUWFwfg2OVD9en+3BdXit4Fy5f2RB7q2wAtioeU/UKrvFwvYLronBW7eGNhq0cbJxq49FXGp016CLA7YzFzPfotUZjLCplUWnH9C0GXQ1AHw2Wc1CbA7jOK1gdWNrOG/TO4OBsGqxoHYmEDazugzAOaPk6+aEU5VyFlIuef++kQjLGu2UBcCCJKwyNEvF2HKp8Df/OzwH9LVB9HcBvFiegE28woFKKvW0AswDWy/E5WwzwcyWWZdsUFJMrxt7yk8phTLDlNVsmkwxuLEMMLl/NK5K303zEdCPK5i4FYlk2Zg2bljpnfJqzVmynR5fzV2+i27IBzAG47oG2H78bjZjSvHx2fMpvJ4fTw7EGheVAelQYFJZpb/7+nddruBOwlQJS0u3YsXI8b23a7segpmQlcaiQ7mdgaROgywDaEaiLgK6Uq5UznVs3w7VbJHfjV90Kr9slrg4LXLezUb5Z5yI7iyikUAVlweBi3GPZhFQ8JPx0Ue9HLsZJ9ImBWVkPI5GnAhOdqy9NjHSGjSXQ3MAmlpLHvB49D/HMzATrPjyn47hoen6cZW4zgJYrGpPb787W2PYNdn2NQ1+hcxq9NbAuuCKFe44jydqhMRazqk85fVemxao6YG0OmOkhjpaMctvSOa8jM8vVrA9tiJl2rYlglvIZstF1e/8bUfmNnBLQpYHAu4JaXoZA7ZCbtsTC5oDtKSZXgtoNgN8F1H+0jLTlyKdsIGSjAFEuBz75sgwgKlXsFCsbj0dg9vMUesqBQr7tFJg9pW343QKzZKdS9/C3hLsZnwKzBGR1bNnuMr7xi2EOLoLaYLXSsPBwwi1ZK/4tJvA7MLcGzJVZgFtgKEqWYhYz457EvDVw2KNCq2yKiV2qA+Z1hwuzw+Nqi2/Vz/Cd/RNct3N8sHuEW9tgM5/hvdnrgblVGq2vQs5xBm6N6mCh03o+oDsOp7HJrXmmehx0hT2xto5SvwW3ZfJqqpRGFRnHWtfJG6iLA6jeK1in0Nca1mr0fYjF9TZ6CxHABeC9D95bJrC2IFdkxtim2NwIhhM4HbG5cZ94fFqvnBq2RaBKgJjYYeV8UlxWPoLZ0EEL4FcFcaw0RqDDd8ZXlGIozhuMculSvG5bAW0VWd06sLokgFlVFrUJIVeVDuxupUPfq0rqxUHPgtjdWtvgYaV7VNpipntoWKZ9cexd52KGgs4bdM6keZkF4UEYfXgIiPAPkQS9ALALz6gERvh3kWNOOsRGHLJGA43H7Gt5/NX+t/HH8a2Vx/f+SsBv1HC93AojjFUL6HeBL6yQmFtiZul6CAvTmPSlmN/gFtfYx7hb3hegCuPMLTnaSogm4ZdkcJvA3qIB7BkMbqkLc6obI5M65Kw08C47b3JeHoOT1ysMiszxmuwGsC3QxXWXdmByZf8up7KcY3hl37Hc7Qn/yh5+vOWftrdibFmIymgdMO2CnAO15ykc51lanjd2CtBylpYYynCtlDKmjgztHJf9Gq/7JS7bVdndmLGzOgos1KRi3EThp2aPi+owUjFe6har6GIsr4Xuc4qF5Sl2uCBCzqVYCjcNU3untDokFDIScBDPUaYQyj0rPgBBYLbzg8sxB5ZBAKrBbXQzJna2tUHQo7exg4FBHdEoj8o4VMZizgDtRX3AyrRYmHbkdpwGNFyFg6+w6WfY2ABkr7sgAHZzaLBva7SHGrbTydVYdTq4lfWi4+FRzGl/n+xcbHVq+/RHahCJGsfT5gBp7os/1Vpwt2O+7t8Gnv5uYP1Hy0OFnKWFmJ+qMFlxcrkUB8uv4ZToU1zOMbMczE6BVkxsKykWT4HEKZfku1zPuel6pmzqOuXvFDvLwSwHsqWxjvtuQYeYmE51BG6lybjb4TgYgVsLNUoBNGp34nrJ6poIikP6HRU0LhLYDDlun5kNrqol3pgWW92gtQb7PqjKb6sZlrpFrfo4OBuAJ51iJGqo4rsVVZNzXlqg7bo/6rw4KHTOjOOC4aC9CuDW2xHjp5WHdRpKJmtF9JByCIPdJGAUASXVGp3G21jRyicQ6yl2lh5KBJsEcAdWeFBOVo4xshaAU/A2KjAngBvbqYl3go6hfDiH9hGUOxWZYkBVcdoHdtebEBOsegK8Bt46+EqhrzScVSFWtzLobAS2lYXRDrV2R2l5ArC1qLRBpRx6o9H4Hs4r9CowtLMYMuQU6/PECqkR3Zy1D5kOfOjvPAjGlvDWqW2Zct4A5FxCzV7JcoOSDZunb36FefSsogZMAsa/jy/j38Bf/Ln/L/CX4+Y/wg4mwRr94qH0GjDVmLmVMcCSuZXzc1js0MNlEaFEoWR0BCBf4bSOM7wI7qk8Bpd7OgPHasryEoDxs6N9ZXlZRl4WmezDUEj0qbCqqXeMrp+x1H4TBMp0D2A/Hmehd2WVuV05fNCIdaX+5Vrs1yHH5p62s4EttQfE2h67HA/lSnG1wOcDank86V1Z2nCtQ7qeW9fgxi1w1S/xqlvhslvh9WGJq3ae3E6TuzHFbkZJ/KoKH+rlrMW6afG42R2l5MmBWSDEr1qvj4CsjIt1mceoWcNeK5t1rZZANrh1uRGQJfb9KLVOZnCiI5Ca6npgX4ExKKdlej5B0EonIBsY2iqB2ZCWp0npefa2wt7WydU4ANrA0HIVRMq5V2mHJsb4LKoOi6rDuj4khnZhutFoLwBsXYO9q1PsLFe0vo2AtmsrWHI17nVStUwj5cAwyg2kke/7biVcJbediquVcRRyNG8MajmQLQlElQJV+Pac2/F/Dvyqfxlofjfw1Xgj0v0YOAa1UxUkpyXkPgVkT40MxGOfk4LnLkCSpqfiZEvg9py8s6Vr4eeV66es9FhK5/y8AG1pzGLqmu6LBZfivPSTzgAvvp6YW+6WLGNuDQDtPYLg1FgxmazE3tKgaa0c9t6OYmVXqkVdXWGlWzyutvhG/Q4+3D9KzO3O1tjMZ/ie5grPqk34dvs+tvsCuCKE0HSoQg+fg9uYJqhWFrUOb6VTPZZQOLg6tUcpx3lk+zQUjPGovEoK+q2rcFAhNjeJFZmgzEuDrZ01kb1V8I75PhF76zCoKffB24sYV7gxuIRTgV11gHd+zNBG8EkglOrfAoyZZW3VCOD6cb5cbuzxUpdNRXCLHtAuVrEGfB/id3VkeEPOXR/ALcXwVhX6yqOrPGB8iNE1DsoE8KlIkCr+qD03NNVBH4OAcG0sam0xNx0aY9HoHjNtI8Nrk+gYuS0bOBiFlLroQZpsiyRyjR9GYtZ5nG2LYwddvk468vLTPIOGxgU7Vf5L/uP44/ip3+7xB391ZG5zH83Cx7t6CeinA3PLoXODcdwtZ2tXbP4SB2xwiHG3/AQy7pb3Hzii5GfkjrUNm4/lzApYNAHgSgS3YfMdxgicd2FaDEzvuVL9Uy5K5UdzfmM21bgycxWwx/CO8Wcku0S5yK9T4/+y7znmJBqsEWJzvzxxK2R3Ymw5uC1tz6X2Aa1/C1BLDRm5M+VAYCirR2lpcoAWQBHQckGom8MM+65C18W8s/ErT4IJVWUxr3usmhaPZns8qvd41tziab3NuhlT+puhnnSKKeXAj4CsZSA9jU5zd+J4fwSUuWtxmLpsOh2qcQloS2x7B53UiSkWNpcTN8csd96g9RWcDyJcwUUosKPUmWgjkD3YCnsblsnt62ANemJnfRDsSN5yCgnQVsahqfrE0q4jQyvdjnXs8BCYpvhZArQ30c18d6gHd+MuuI4FZlal4XZywfLax1yGYQodG/AHYKcw1ykmtyQuTNPzQO2U6/EplpbW/zXgx38I+Cvx5DLfG90M3bQ02VEooXzOupZ8bO4IZnPCTyXl4hKYzIHYc/bnvxKTO3U+eV6+ThpffwrA5tadA2rfBtDKxyyv774D28/LpFoyaWc4uX1Cc4GzusNxQ/kGDg4WrRpiZedxgPFFdYOraokrs8BGzdBZg003w3U1D/oTvoqDtx6UQFa2jVAxb27UoSiZiZ5MGhrQgI75cJ1XcGpoFIe4Ww1oG+M0LZxRKReu8sGF2/sQL0tgKvQVdIjkHdBhWG8AysXrQ8UFAKmYlpeidoZoXjoG0sCpiqCXg1qwWdqmIlGuDELaIM7+kuszsyEm12fWxYOzcRQ6j4/AHEbBOMS0SAiu2RbwvQrtpY3xvTGPLrSO4pohH67SLrXtSoX+Fk2pra+NxVY3mJk+uDjrPoHcOg5C0JRic4lMeNBGoImmcj3ysbYNjr+VfB1ZTqsg5LaleEei8si1lwDj38YfwFfwm/7e3wf+AIC/jmPg3bJdJXPbjJnbXKwmXV+JuQWAa/TQ2LLXk8Njvk7CfWBcE3I503pJ9pZtKpoEurxOpho2eSl8gCM35fPymk5dYwbMklFfhb9fJSsND/BX+BwdzU6Uo30/V2BrERKE88YOGI8XS1ArXZDJToHaU67HEtQCxwwtz6cKIKW9kS7Hb7olXh2WuOnmuDnMAkNLMTPRpciYwM42VY9F02Ed42afNjs8qbd4Wm3xuNomAaha9SNA7ZC/dgKAloFzfj+DW7EfHTOB2qiWnIuTlblheY3TwAQX+8qxs6RQnEB4hoUlME4gllyM+Y8D2YOt4nwQDWldGCWXcbNBgTKA2TFDGxo6ituZGYt5BLTLqsW6akdqx+TqTaB6axtc93NcdYvE0G4ODXaHJjDzBwN0OgBaGk1XYyAL7ZlCpEvsvTEuio/cbyt16DP4q4jdcj/aPla640B1yv14CtDS9gHQtvj7aP7cDNj8UHCBygHac5BJ6WZPIflzwSw79rniTyUgypdzQPbcedp/CvDm9kXmvCgsl6zU5uaOcwqQvy2gpfOXAG3uWu6zcTfks/eJ7sqctT0+LopxtvxsFNZRArezyKJp70I7GFujue7wUr1BvehxYfb4RvUcH+4fYdPN8MHuMXa2xs18ji81r/HY3GKuOzTeplAWbiO9hOgJ1XkDDQ+rVQA3Kua4RYe5Cm9ypw32ph55D/H4zM5r1Mqh0Rqts2i1Qe/NKD86qe92lUHnOrR9hbY3gdl1g4cRtWXeBCGlAPxibC61NTE/a4q7TTG0KrGuYAwuxc3CK/J+HsSZNWOBDY/LpfAZwcCro5mj7QTEaZ4vp2IMAKuegVsTYnNhCNjSNHjBJaCrwkFUHGIZ5cSNfQDeFyC2t9IusbwUz9voEON77+2cDxDv3fPtDeBbAP3A2tJmCePkOsna8tjbBhoaczQJfZHc7jGa+n78O1BLD3/J4m35dW4QsgVlPuJVO2ZuGww5bGkqm2DJ3K5hcYlb7LFHNzoBj6PlaJIzt5zZpUpesXl+MxFymRpolkPlrcUpzjGOs+UIBM5Ynkr9Cracm88t83ViG6Ugo1jbUjvKd+XvkmR25e8M7cy07VdlLlvanRhbngPWiXUAJkHtlNBR7hxToHZI2s5FIo7T1QBIQHJKFGrTBZfjtq9SQnYASfxgVlmsmjbEztZ7PGu2eFIHMPvY7PBI7zDXobHMnZumARSq0T3w0eccmCW3YgKztMxjZTmYpfqQdUqfdt7xkPHPOZViHg+b7gGDaAd1AiybD2lyBnGOgzNoXXApbl1gZFtnUnqeHDPr3PCekIuS1j7F6TTGYlGH1D3LqsWqCiztUodYWkr9QNfFRaGu20VyNd8empCupzPwEdBSg++ND6NzxgMRxJIoRl2FmGoSqZqZHo22qPT9b0TpQ0Lz8sPxtmwtB7WBrZ0CtZKJleskoB3Wb/BVrP9/CvgNOHY5zt1MqRIgysrjTN2oDDDOVWZz7GbMwWxp0HUKjMp1pfK5cuekQJfzOSB7LqidGlco7XPqPjigBc4XhcqBWnle2V/858lyrK0drQ/laFBUhq9wdWRug6tyiJMNWgtxW2yvYTbo6go3do433QKbboZDX2GjZrip5thWDS7MLpxXOZgI5KkNNXDJY6uDgWZhPlAupAXSFPtrUxsbrs9Be8qzHtrfvauTe5r2oS3WbmCCtfPQCGllUh14FQbT3aBL3faAUir1J4AIbHUYNHXQcMoBioBtpG2TAFUMc/FIQk+kqgwgML0uMKYKPoBMz7Zx0lfHYwQSOog307HJ4q5eglSwcgqndSR8uA/lIoOcArlVUGuO9+dNLGv8EF8cb1/x8/hx/XFTMWewijl2lQ5EBA0yk0fXgzQCO6V1YjsxtvxbBuTZWImjWuQ9Xheo0GOB6mgIm9ONGwB/E9/8k/974F9HcLX9lrhuKsZ33yChU90FRd4cc0u7U5NMy3w6zFt47IWePTXWHMjK7Rz0SsudrQZMj6Pct8B5A+pTJp87H9CQDXYu9Su/HnmsKTB77np2WVO3Soxr6bLkj79/p8DzKTufsWXiERLMkvFULt9NUMsBtgS0Y2Go4HZ84+Z4Y5dDHG27Sml7dl2NQx9iY+ijWVUWlXFYNB0WdYfHzR6Pmh2eNZyd3ePC7DBXXdbdmYNCG5lMujcyCWaHFD/HDO2UqzE9F7I21rNUM5bPRMbKUqoj63V0HyZAK1hYN17uXQCPFKPUex3EnlwY9SZWlitLdlan3IDeqzSyTaPaio3M6jgK21R25Ha8rFpcxPQ9qyqm7+EsbWSLS3G0hy6oHNs+xj15BDY2uhQr46Gj6znPP0wM8dz0WJgOC9OijikNeF7f+2w5tmoKzOZG1iTmC+IdXP14Crjybbn1x/G0/wA/g9de4V+BGlLY0cnlDeRuWN58DtDSjZR8rHOVkPkKlwSgToFYvq4ESM8BsSUgfA6gLbk1y/nPy+Txp0DtOSl7gLw4FJAHtKfm77ORKjKxtlMMLDDks7XwR6ytFJKS4BYQWRGOQG4AGbxPwPsNMzDm1hNz6zBXHV5Wb2DmDktzwC9U7+DD/QX2tsaHuwt0zmA7b/A99Rs8qzZY6UMasKQ2NghJ6eR26pSO3kcBkHbWoFNB2yEIU1nMVZjS/NJXgcFlYoa5Nu5gq5RDlcAtsbfOK7RVGLzd9XXSh3CR4fVAau+c9iEfrh5Y25Q2MAHKgPS89kAV0vSEtEBC74Fic6MbcQK1FL7jAFRqAMIWjO0VL0kGvJbKjeZVCMsh3Qny5g7e2RF46+HYyil4jmSjWFYqG4Fq8saOA9zcEki2Kr2jXbweDnofrJXALZAdjePgVuIf+S0tJcgZN2UaC8yh8TT+nVNpzt6G+S/jP4ByHvifAP5/lWFuEU9yyXZliLqKh3y2PO6bDNdz3F/heDkoJh9wmeJuNxikf3NwmS4gF3fbinWZbaYe4m75IWWlSsuNLNBDkUqLuYa4ZKfQX+59mjpOG8fV2vBTFuh7YC/YW8lpnxJrvitQpeo5d587MbYAjlyNgNMAKqy7O6jNxXECZUBLTGXrTUwbE1ja1/0Kn3brpHRMKVz2bZ2SrqvoclybwMStmxYXNXM3jvGzj83tKN/sUAd51d82Alpq+CgvWy5mNpeSh3LLkqsVdznmdU/H52JdJbGnVNcZ926uVkwiTwRkc25afNp7jdYGgY3OmjS1XoWpU0kAihLdJ/csET9Lbkb0TEpuxwvdjsSh0n1lWNqbbpYEwdoYP02j6coE12Klkc0/vKpbrKsDLuo91uaAdWSHa2VjLtyHAWiB6fQ+p+Juczhv2K8VKX1kXOwpUMvnuevxBj+Lr+K1V/h1OVdgfjOlG5Vl5E2cA2il8oGsRKCYnucUIJXzp9jVU/vJ8lPLtJ9cBzGfWyZ7m0HqU4D+bQAtcJy+p3RO0ScczRMj/BDMUHyoH7skO+9HIlI8x20CsxkFZZ7flkyC3lBumLeeAO4AbqltGg2+CubWQqOBxYXew1Sh3NYO6dYOdg4AWJgWj80OT/wWtT6gVgBcE9q0yN6SSjIQgG0CtZFtdTq0OwZhoNQpjQZBf6FWSG7OnMFNg7jKoPIOvQtCRQdXoWVMLuVodV6hMcFlOQggVVCqQm8BGwdvHWJ7owKja+14wJvEocK8Cis0wkqnYvpcD+gAcL2LLC65HWMMauOrEdhScmvWEdw6TAPbeDAPDErMOZwomV8CtRHoBtBL2wefaeVUih1O8cV+OEZgfAdwOwLTjE0eGG8kxjtd0imG+b4Y/4i2Yn1OVp6DlAZAcGoIA6oM3MrD8vW5NuUYa2lUqGKs7YptkUGifxX+7/xHwN/5y8D3I/9hBcZKwtTEx45H1YS2c90MR+UsLW+Kpcnm/hIHAIjglowztqfmaUpHlK7LjOHNxd3yi5H23Rg55dhbTvl5ZcM31XiLY/kIcFM89758qFxX6dTpiOXll8qPfW61nQ1sp3KB2Qy4Gq//7KAWQGLicgCQztN6g62f4drOcWVXuOxXRyztvq9w6KqksEvgiRg5Dmif17ej+NlTgJYAYbiXcZ0NCsY2616c3KFiN47na8u5F5fqXAo9TeXB5YwyuR+TYjEB3N7puKyDK3EEsb0bAG3vwjF7YmTj1EYAy5lZzs5yC2DWp7gZArRc7TjndszVjkvpe267Bruuxq6t0dsoRBUHM1D5oIIZc+4tCMxWLdb1AU/qHVbVAY/NDksTzhtyLNpRbBfPpXifrfSxOZW6R65bs21ViqvlYHVK3TgHeI9ZWmCDb+Gr+Cmv8GdyYJPfROlm+U3Li6cbKAHaKRm/eNxT7sbnAEzgdH7W3LZTyselbbnzQczfpe2V7efUI5kCtHJdDtBOxdJy86ig0CeQuseQozYsm1HZ43O8DVz/xbOgbBwgKIHWyfIM3DIJ3zARLsnAsfvx+Nx8d8/QVTBKUSeZW/peOq8xVx1eVNfAPMTfrqsWH+/XaF2FD/ePUujL99Sv8cRsg0AjWuxdk9hbE12SQyoZF5hXkHihgVWhndq7GktDAo9dapPnKqT4aRmDm9ONoFypIQ9uYIdp0N95DWcUllWH1hnsbY1dX488lpxXCej2LuTDtVan7Aue0gYRyE1uxgTyVACD0cUYKj4UepbBw3n0SMNzDWAzzMRVPFYX432P3JI5y8vwJgFXr1WYViGUx1W0HAp7M8TVIsbZQo+Z2ZFFoOod4FNgb+a+uCl2rIeQ6idnEnzUYjlTzpvoQc/ckSWIlWA2x+RS5hgO6SrMY/tOrU6LgbWFOMJfgPpqB/+MxQGtRFF+cPHhr1tAPQ7MLb/FKcs1z4HBPWCDT9ClfLfk6kUnnpqnKV0Btba53lMHLFYYKSZL3M/dhs+Nw5UmEeRdG+m3MX6b8Ri+DZ8d2wKHFtiwfLc8OozzBfJQkhjh6+U8cN57QHa+KzLUCFwdC0J9fqDWsikZufrmGE3aN+WjdUEc6tNufRRLu+8q9DbciVYeVdVPAtrUgMb4WYrblAznEEtbRcZ6UGkuAVquaMzBLFAGskDoJORyyHKXYg64uWLxOD+uFo31WLWYx8iSS7EEsqGBpmWVwKyP88TOcndjACOGFhgDWhlHmwBtRu04sbQIOWm3rhm5Hm+6GbZdg30U9PDxnFXlkuAEnWtVt1jVB6zrAx5VBzyqdlibAy7M4HYeztmPhMlo4KX1Bk7df2ALlLHaFP4rrSMF5JD3jjePEtCeA2oHQPsP8DP4iv/f4Qeh8E9kLC2/kdz0VAJeDlrll/gUoI3nmBKDmhoBB06DUkzs/7axtiicE6KstFJf6tS6qeOcqh8CtFNglptDlcAtLyv/GjvMj/Yb30GpWb1/xhlYckmmFDcEbs8+BgNB5JacA7fD+QrG6ULG3CbWlrQgIrbaI4SMkFfSc7XFvO5SnOzO1vho1+CqX8Q8ph3WZo8nZoulPqRj7n2Ii7Xxu8xjZwHAOYXO1+icQqdMyG+K4AYMREFCFY7V6A61t7DojsJxkq6EHosj9m6cbhAAVl6lFHaNblIKu84G12ZvQr+pchq91ui0gVIInkSBoo3xs7HNRGRpqfF00YuXQK4N7rywgZH1TgBP8OVwrPSoJGilYgLgpnKOTZmlVD8WcNH12dUeTquQF5fY3NpF8cWY5icqIAPR+zoOhJO6MryK+hc4BqsEZBXGoDbW2oO2c2kqVi4Xa8tBbA7wyh/hTpr2ibUtyfjy9X8dXv34wMjyUXO6GGBwSabrZz/O3PJdSlWRa6P4l/wSt+hAA3K8dI6x7cQ6ydy2me3RTAS38pDSPmvTMvVOTI1W3+XY8hpzTWJ85L4FugWgdsCbHtjsh2EP7szND8NBba7VlfO5SyrZnVyRc+IQJUAbtr0dqJW5W6mhqjEARO76SaD22s3xxq6S6/Gn7RqvD0vcdDNsuxptb+CcDqPF2mFeh3jNi/qAp7MtntUhZc/T6hYXeodHZo+5CkCGLCeoxAEt2TjH7BjQzlV3xNKGfY4/wrn6nKo3Dlx5/li+zEWf+Ah0ALH1SPCpdzpNO2dGQNbH52+JjfVIsUTEhg+uxtHllxLXK4xiaLmk/xSgXZoWswhoqb4IlBOovenmuImubLu+RhevSanAApu6h9Fu5Np8UR9wUQU348fVkLJpGQc1OLt+9Hx8ALeG51C8x5bDaW/rnswVkPMgVoLX80Dtt/Az+DV+Dt8cjtE0xDy/MWQuuARa+fopl+MzAK3MOXsuKC3N55ZPiSCeA2anpigsS+ON1FSZ0rpS3Uh2dgxmc2ccnyUHfvPM66mRkbs2o/fHNPQI3Ga3C+OxuZK91Sq4zhrgyD25eA0Rf2gCMnE3G1BYAI9JWehYeGquerysroB58NJamA6fHlboncZHh0fR5VfDNa/wRAdvqrnvsFc1EzhUmPsOrQrtxdK1KXe5i+0lhavQAHDnQ675uQ7tcwDhof2f+w4yJV/nj9lcGoxP4Vleh/a0rlie9gCEex/aU+7tRKC37U3KDCC9nChHLsXk+ih4SFPwuNtR/C0AH8BmUC6O6spWDfluGWDlIHfkhkwAmCssexynCVIR5GoVQHwVp3UEuxXgaw/bePjaA5WDqgPY1caiMsNgd3pX2SC5s3pQl6b4ZOGOnOYfkvHPDkefchsw/gQ2mHRH5u0HB7Q51paDWpoOrG0O3MrEb38dqv0YwM/Af++vG647F3Mr7yfeUw1gfZG554JRU05G3QBSVt7gFtfYw2ILl8A4vxcZVyvXyXaB1ouznwNu5TM+13LVfqoDkTvH24DeEspkTWZicjfAB20QBNM9MI9M7jOM8xLTr8OY1M90u+7UGt85xpaMg7i3AbXDvsfgLIlDMcAnRZTofJ2vcOsb3NgF3tglPu0vAqg9rHHdhfyk+z6wtABQGYfK2ABok8rxLZ7Xt3hW3aYY2pU+JCDDRay6yGhK5jMXQ1tiaMduxyUX42MQS+t5jGyOmaXGlje+lL5nBGqZOxWJYuRS8ZB7sWWAdZiOgSsJZAAEYkPPhos+DHG0YfSensnMWMxMj1nVZwHtUg+gls5F93rw1QjUbvsmuJ45DQWgMRa6CsB2ZsLxCcw+qva4MHs8jiwApWyaq24Uu517TnIghg+C3FcrfZdOgdpcSOqxAnKLsZIxB7vngdo9/hG+1/93A6iV9DC/cH5DEtTKi+WgtuR2XMpRKwBtKe/sKUB7F0AqgWnumLl9aXoKzE7Nn7K7wr1zAe3d3YBzZe4CYnPrck5R99M09BBfK9YTuOUxtxzU8jjaYb0btsFDg+JvhXsNxiDXjOJ4MeTCVQj0mzrW5tBAcPuFQwuNgzfpmzpXFku1xaP6ENthC+vfxUe7R7g8LJNg01IfcNHs8ER1gOqw9x1ufYO9j4rJClgC6HyLva4xc7M4+DkPbaMzsU036FQPC4WlbgEXXKGprR7umUCrTsu8vR3CkFTK10sW2tkaW9tg65pRSA93YQ46FWbE7vI0eN4Hl+chrCemFKJ5OwA9sDRCKQ+7E+DVKqjKx1RCCDnbiZ6P4DbrqkzrHaCtHwFjZQEVfIeDiFVkU71WcCZ8P22t4BrAzhTsDLALD7vQcHMHt+xR1T7oW8xazKsetbYpV7B1QZzyYA32bSAsSATS9Rro9cDsCgb63hoHr3I9n8oyAiDl3JFpNz7PwS0HufzHCdcwDel/KkC4JMvfMwTW9i8A+Inj7AHsegGMgZ+4vxy4lRBa4mRqwunaaT4sh7RAFj36bAstBaY45JIPg1+JjLk9AW55Ay2f/VTVSit1CKbAbZyyKLqUn7ZkrgKwC+9XlmAoPF8Sneo2wM0G+PQWeNSHN+QpBlmvZ8gzt991YCvjRcneFtRKMSMJaoEB0HKWlkAGB7Vv7Cq4HvdrvGrXuGyXuO6C+u3BRnCjPBrjkqLuk2aHJ80OzxKgDW7Hc90mRpWfhwSpOGi0I0AzpBHgeWePU/SMXY5LjOwUkE1lWLwsZ2e5ivERO+u4mjGB2kHFmNLyECjkMUEEZAHkZfcRBEK8V1mFiYGt9SnfXB3zzc1Mj7npMDd9iqElN+ClbrGkgQY1sLTheUTl4z64H+9sHQSsYrqg2oQGsdYWc9ON3IwfVzs8NltcRHaW2PlsuqSMJwG36a33y6bAa+6X02sisaghrpaAqswZNwV2j0Et8Dew8P8b+OZvTYPaHMHGmVbJxubcjjlCl/uxY08JQgH59icHaKfaGzn/eeWZnQK2ueW3tdJxpuqIA9oxmL0roLwreAXGeaCmXqr7azlQSzZmbvP7GQFUCeASgwsAUEgAN7gkH4Pc4nV5Dx0Z2Q75dEAaCOwtAss5DGqHWNwX5gbd7GMAwEz3+PSwRu81LtsVvmmeh2uvX4W2O7axe99h7+v0zW6URe3DQOVK11jqwN6SjgQZMbhOUSqeDlbp2O5wgcqYBUGNw1A6XY3a4VCvQ/132qAzgyDjwQdwywfGw2DtkGGAe06dGwZEAo2UujAAX+ba6wOz6Sh3LjGdBHSj4jIcZ3dFbK1TjLWNCs2eAdsEqMf7JVOhnIlxeeag4DYKvtawjUHfNLiaebxpHNTMwTQWddOnNHt1HAifL9nAQ6yHLqYP7GzIdmH7h9IyT5hEoVNlgCN1ZNoks8Pw9fL7nAO8NZoJ1jbX+v0sVPvHALyG/4E/GS7u6fH1joCf+PRycFu69U1mfoosvcQBe1wy9rZ057n5HLOb2W5WQTEZVb4oHzUAhm4Rlc2ZXC9HKyY6CsoOAJZPS61ergUs9V1cNfzSJzVzgH4+uCpfAvgo3u5TDIwuddc4o3vXnsFbM7bAZwO1U0bAIsfS0v4UT/vGLnFp1/i0u8Bltwqgtp0nF1QggJtau+R2SnG079QbPK1u8UjvcGF2iVGlc0zlcR2u9bTCccl9+rge9RjcshHiI5Y2Ezd7l7Q8lLKAuxsToCUlY5tAbR7IasXn/WgbN9qm4nxKoK5DAvV51cW0OR1WhgPaw4hBJQudlgD+967G1jXYuSaA2tj4a+Wh1XD8lYkq19U2MfOPzB5LdYiuZy6x8wPDXQlmXo0UuXPu8Tl2977ZFIgt4T3+42JRIa5WMrL8y8oFoTigpfWXbPk/h/L/H/jmT54fTyuReQ7Qvo3LMQO0AI5S9pwCtSVAOwVmUdhPnie3D8Q2TKzLLd/FaN+phk+e+zSgfRtQOzXaAeTB6znzDwPYkkn3Yg0FBz+AWwwMK4FOvo+DG4PkkbZFLKPciMUdgVxhBIoDqI2gWQGd93Cg9i7E8dbxtDPl0Hlgz8690g4XOOC5/hDPzAZrs8fPqC/i/d1jfHJYB7feZQ2jHFb6gCemhYFH63tsfY89a6svQCngqhS2dGMX2EYWlxjVDoNgVKsrrCiOV7VFTYzxIPgwAE5tR6jHsVs4XQcNRHOPr/RcvGSDj9vyMHCtE9t7StgxiVX5QQfDurEehnM6pCEiNtgKN1/u7hteoJHrc2B/Iyjuw7zuw7yOvzDvwzxzgU4iVEbBNhp2btDPgX7lsV957NY9mnWLR6s9Lpa3eGd+i2fNLR5Ve8x1F+vWYGsbXPdzvG6XeH1YZt/Te2kSuHLgIj9vuY94E9xB0R+7I8vD59ZTC01Ws2U6bRV1CqpJBEb2d+FVC+C3jn1Nn2L8iW0RugKyGxG3EbhtmiE0V37dS+CWqo4csoaoWcvck+dwWGLoJNyOSo7dluV66stwxWgGchcxJZCt8jiY+i8c6OZctOlG+fKUCUBLv6l+n+zzITPNXVbbh58MNtsA2FcB0HoD+AVgm+CufGiBV/H6mk2oyZcYmNyXrKqeFc5fss8EbKXdJb6wFFfLWVoeh0rWInzktz6CWiESleIqbWheyb11UXWjXLQS3DSMl6d8rlzpmLsdh+scA9YxY+uO7oPuOdbUCByfC2Zpfkjhc8zQSkBLKXp4Wh5iaTmgtX6I75EiUGQEZlUEp1p5KACVdiNwm6bwbL/wq5RDFQHtjPLAxpQ9F2afYlsv9D6x54Pr8ZBf18V7P/jgPn2IaYacV6iUCzHUkf19VO1S7PRzs8ETE+OyuKt5HCyhd4vczWkgY+RejqCeSR0dusa64LZ8H630ISut53iQxKKGuNoWefAqAa4EtXz534PyFr75H07H05ZArQSvnwXUYszSSkA7BWqnAO0pMJs7plxHyxLMluY/T0ArberYuWsfA9ol3h5I5l6GkguxPO7U8jlN+f2xXLzssG0At0fAtXAcclvOp/thMbsKo/y33GRKoUDvqeSS3JFaUTSHATwbBcyZ87SNWkm1Ap7oPd6rL7Gdh2fy6WEN5xXedAt82zzDXHUAXuGJPqBWDkuEb3vLBot5jngKNdm6GW7dLOWuJUsg1dWwKrQPjbLo0KP2cQBc9cO1x5jcRjnMVR/aZZaZQJr1HeZoo7dVVRzsz7Xz5IVFgomUr5c8txLrG9t8Ar3WK/TOwCGAW+fVKM7XexXKOQLG+gj45nLO+whynSeXaBHzawUb3COxwqHTrcbxveQVlkAusbsKzldoO41PtzWu5gu8v3iE1azFo+aAi2aPizrkta+UxcJ0mM2v8bTZZuv2QZkEuBzo0npmUkAqh6Ny+EoeNtee9dDQaUCSIiRpPtcKbgB8DWrzywEA/ke/PnyuOTZuWPEaQ3Bs3FYDwMUgKHXKpIcz7bY+KhkA7rF7sqyhDGgdTakfxGlX5hxtmgHk7qrxYTYIfZJSdkTa1orDt2Lf9rgMpeixGxTz0J7qA0LMl5bpsp7yGumBdpPvxwDj40vymhjcjzCwuufY2cCWcrRJO8W+5spLUJvOkRrWPANGoPbGDfG0l31I5UMKuAdbwXuF2lhU2mFRdVhXh+B6XG3xtL7FM3OLC7PDI70fAedz3I4lQ1sCtEf3HPn54JY1uD8dxe0wMEvrLWscpbKxFLCgkV0OaAnI8tFcYmqt02ij2zEBWmrAgGMwa6KSsNEOlXIJ4FYqpFfQDMSGZ0rLDnUEtbVymOnA0IaUPQHIrvQBF2aHlQqAdq76dJzOa+wRno2FCgDUzrC1gantYn1V2qFSATATQ/tOfYPnZoNnEdTOlUUNFzsEGntf4cYtcO3mqaPD3dR0fB/nqguAWfkAaHWHlWpRK4caLrnU3Xc7BWpzYJaWKa42/DiY5V9hviwBrFzXAvh9UP5Xwze/Ig9qIeb5DZQArVzHb2Dipk8B2hIAPQfQSmCaA7mnQO0UOyuXP09QO7XvFKAts7NyXBhsfupsfJ+p8WU5nztObvnc/e+/6dQ25wGwZm03B8FA3s3ZwESX5YHBTcJQqQ31jLFVieGtlUIXwV+HAFqBAbwaAE2M7bUIADiGcKIG8EVj8Ux/ihfmBs/MBj+tv4RvbZ/io90jXHULXPUL7Jc1frj5AO+aHS60RweHW6dxgEneNrXuUSsHYIfOa9z6CjduHr7/Nnz/B90GnRSU975BE8HwXHdw8S8xgNkeM2XRxHy4ZDYy0B0Cq8ozS1A+ehczHBCQ5v2ModyQzpD6T9QvkYKRPIWf1ADh/a7R1OsROKaykhUmUBy0NiLDCzVyo3a0DYotqwSayX065zLcdcFt2Lca6DT0QUO3CroDdKdgbgD1RgHQ8LqCr2Y4NEts5x4frhz0usN6vccXLjb40uoN3pu/wfc0b0IKqYdgBHROleFTiQ7YOvI2avvjovw7LeNSzzt1A41FBBDntCxfg1e/AcCPAqufDLu8jJsIrciuw2scdRnql8DFY2A5AxozkJxrDDiY/2h36QnM2ds2lTugxQEbXMFihh5z5EfKeYdCjpKfGQO1aIAF1WYN2OW4C8XvW3at+Hwp8ovjbLbsI8C1cfkQp5LVlX0/eZeyK8bLy3zCZPSWHCd0HB51C+BDDMMHvOaIyT3H7sTYlsDtuTYFgkfAkLn60H7cheiyX+OyX+N1v8RluxqJBQHkemyxrFo8rvd4Um8TYzewdV1yKyKw2MGMcuJRwwBMuxxLgSEebSlZbJlne5zGJy9OQaO2pxQZOagtAdpS3llqgID4nAHUmgk8RTBb65Aap1I0DesI2BrlE1NLQNcguh7HgYC57oJSZRTpCgxtALRL3UXg6VNuxM4Dt6iw98ENObiPBReynW1Cg+t1uBYTRmppEOPd6grPqw2e61tc6BbzyP62XmPvDd64BV7Z8D5d2SW2rsHWNqkuZrrHTPe4MHto7QOYTdfbpQ7NWH7lftsUmJ0CvBRXG9haPnxYYmvlVzcHdH89lP898M0XxsEUwPHXk8+XUvXkJPdyX+UMoAWmQa3wjroToKWyfN/SfG4bB8KYmC+tO9X1OKdrcg6IJjAL4AxAmwOTtNyKZWBau1seZwokl0Bt7lwPz1x0Gb6LSYb37P0UCUwNRuBWrucphIKgFF1vtJEgFRhoDsDXALhQHV5WV7hqVji4Ch/vL+CgcN3P8X77FEt9gFaf4rk+oFZBoAoAugy4r5XDCj2M3iUmd+4Ci7t3tfCqCmCvRVDnsUrD6gGUWig4WFi41HYRA00CWS7zTIzyqBH6AQ1cOlbaDl4nlpW1kUnWmAvPNwl0c/2Hs8CuyTPBHLwCSECX6qkEfunXR1dq59VIy6ONKfl6qyPINei7AHLRqyBs1avI7AYdD6+DsjIA+F5jt6/xqVqhswY33QyfzNZ40Wzw40c1f8+sxnHncMroE5kDw83gjgxRjKZ1Zh2tB8ZtUYuxk+0AOio41CzeNuf4y/f6WQAb/PZN6AX8v76CvKMNb0xe4+hTXwHAY2C9HBefshJgp1NybB3KhxCE/qg2ciJTfCrnZQ0X2kHTBTa3WR6jOu7x3Ir5NnPaTWGdvHQJeOOPUvaccl2eArpTrTuv+zWb54Q11Tp/JaYGXaTd2RX5bcFtLkUNt1OglpSPX9k1XvcrvO6WeNMtE6jtnYZGUL2dmw7LqsOTOsTScnEoUjuulWXCSnmWll8bF4VKLtJnKOaeaxzM0jFkg0SxOLmE8ZRLLzCNeqS6SICWXJCsG0ZUuauxUYMfELGuHMw2uk8uxE0EfLWyCbSGevJJzZrmifFMwFa1SXl6qQ8B0KoeK+0wVwoagIGGhUfnwwh/5zVuI6C9sQvc2Dk2doZDdMUicL2qDomlfVFd4wvmBs/MFivVo46dqa03eONm+MQ+wsf9I3zaXeB1v8R1P0frwmi3UR4L00Erj2VMGTEG4QOoDc+P3tX7L1RRAq+5UTqODSmuVo+CYDjAlUOFHMDm1v0IlP934Zsnx9ii9KU8x/W4xNIWXJzPYWk5uM3lkb0LoD0X1J4TOyvtHJA7tX9pewnEkuVT9UwNnwDT4FFuOzUcU7IcwJ0CtqXx5odlHNzS1Im2SgLgHLiVsbnkpkyuydIV2aWpj9/xsWsyqSVzcGt9AK/gzG2Kyw3bHAIAfGE8LvRrPDe3eFFd4x+ZL+Eb2+f4YPcYr9slPu4ucLlY40fn38GXzQYrrbCCx63rsY9gzHqFRjnMFNBoB+stOtNi7xVuXI0bN0/eO3tfJxdgG0Nhwr0MWQ9osDMMzB6wUj2WsJgrYKlVqoMODq33iY3mDK6O90/rKf+vje00eS6l8nE5gctYLoFszt4y0CtDv3h/Axhcn8O2MRAm9rbE+PJUR5z5JUA7CGIO58oZ3ROlF6T+zL6vsbdhuu1q7LsKh0ONvjPwXWB6u/0cb97M8UZd4Beqd2DmFrN5i3/3X8qe6mEZ/yR1GLdjZOwz51jv/UiHNAABAABJREFUPsfaykhR/oWU2Oc2exlN1NsglWRxAVl7jb+s/hSAd4Gn/+Nwcgqs5AdvMZbfeB2XL8Ou1UugegY00TWZiq4wJnovMQ5hzQEkCfCHez9ggwM2ABwuM3G4uXinBgMaz7mUyU6JBLhNZHPXwIsCkysxdg7k5rD4VDk2cs5BLtqB1ZUdlKnYXWDc3ZIJJ/g8Z2FlX4umt7FWP8J59pljbHkOOmI/S8bFkdL+auxyI0EtiUTduEVkald43S9TWpe9rUNcZXSNnVcdLqLq7bksbS6FD7++qTja4d7y8bBH9ZVxV+XlPiuglTG0PI6Gs7LperSD8qHDQY1lpVxUkR6DWYqHnTFQO9ddAq7hOTrWCLvRoACpDpMC8Up1WOoec+WxVAq1Mqgj2+MQOxxAchd745aRXV3hup9jF5+9hkelLdbmgOf1Ld6pb/CyeoMvmBs81gesdHginQdufIVP7Aof9k/wfvcEH7ePEuvf2gCSG92H+FzTYmlarM0eT8wWT8wtnugtVqoL8bTKo01uXBotho7PfbYpeFBia4/z1VJzJz9FJfdj+XsG5f/sAGpzGCV3cacArWxDJpjaHEu7nQC1/G5RKFNoK84CtWD7yfUQ8zk7B8CeWpbrcvOckQ3LfHrq7QLKY7m5qzkFaEt/b3JYQL5YZOcITN1PIyD6z8JO5bDNxduGls6PwC1wN+Y2rWcuywbAUvV4ZjZ4t77GdTNP7d1NN8dH1eMYctIBOGAe2dMGDi0fOIYPqYlSDLCHVT2g9+GelIN2DrW3icEdpznU8cMRl1UEe6qF1R0ceszg0ahwz0EBOlDRKc+vMB3rjMKTw3UcK0o7hHZPszoP3lIKxitYmicNCcXCvzCAXIqvNikUyqOGhYVCrSLQVToOBpxmewEcgV2e0zcHcEvm9ACMe2/QVSbmAa6wb2rcdg32swr7tsahq9B3BtbqIHTlARU9zqTw5S8Jo4BYYEBkcp4ZB240rcUyzZe8kHLKyYs4iKlHkKVl84TA6XcL4C8CeIb/8jIAz9/7FYzbdnnh1LVY4cjf2NTxTM14l9w8MAbz5xjdxQYWQPguHPfgCQ7THrIz0xTKTVH00cnaYFBWpmrlAFWi9tJPBlbnyhMt34j1yB+TADDFc/cYx+7SoejXicvN1RI/Hdj63PyUnQ1sZRL1kvHcbTIXK9lRSp8IaGkZALhI1LWd48quRqD21jZobbj8Rls0MV3Mo+qAJ/UWj6ttiqUlIEXH5iwtVzweuR4Lt2PO0vLrLKkV8/sf1UsG7MrRUutppHVI1cPT9pDL8SlAS6IR4dhjESgT3aW0YGiryMBWyiUw2+g+xsIG5nKuesx0h4alMNKiXtLzHcUj9yl2NuQqDKPac6VRKw0uYrL3FjfO48rVeBUB7SeRXb3uA1vbR9fzmemxMge8U2/wbn2Fl9VViMXSLVZaAVDYe48bX+H9/jG+0z3FN9vn+PDwCK8OK2y6WXJjD2mHPFbxPXqn2uBFdY1nZoNHeh9TSoR73fsgzkFKmLe+wd7d/w5xKV9YKY1rOV8tB7O5r6mMqx22Kf9/hVdfOM+fhQPUz9H1+By3Yw5S+ToU7jgHTM8FtRII8ym3UwA3V+5t56dBLJB/aHI5J0ORM94c8nLyrTyVGJFa8i5ThizHzMrz3v+/5buA2xxzS/Oc3b2LS7KBSmJSZBwEx6wxyak3sLYBtTUC3HY+lOsQgKjG4JLcQaHzwMH7KCblMK8H5vZn6y/i69vn+OSwxqvDCt+eP8W3Vs/wL86/jV9WvcZz4zFXwN477CML2PmQM3cGj7lSmEPhwgAdOty6FltvcBtDoIi95aKCnTfoUGPvg+4HDeqSR9KFDjoeF7rFhbaYK4UaCjOt4bxHpzxaUor2g5BWUIuOQDuu5wOoo2ca2/LgHRVYbepeWa/g1MD6WhVdixUDpWosWMm7aqUwqSmvMl723NheyfgCsb/C+icARp5g4VoGZpdCsHa2wW3fYNs32PU1dn2N1g6aJvfacmN0Uygt9+lin0/fxndKsLVyqI+vJ+BXs2V5yvE6jcdJJVl+L3PL9Nvgd6j/Oqx++q+NG04OcHljnIm71U8B/Qx4/BRYroC1GYArB7HE3q7CbkdYkN+TBPoER1tYtLjFBrcTDG6JmyQWN8fw0nTCj27RAIvYqXlWHXdSuFpTTrtLdkSeZsqVfpguSwAXNAXQstRCwHGaIapn2VvI1QQNBZwbXwu8JWMr3ZHPAb2creXgR4JaGlHkysdv7BKv+xWu+kUCtb0LCdAr5dFoO1K/fWx2SfE4AKmOXccQr5tUb5nLDWcYcywtPw6QT7/DY3PCfQWGWCt3PPLKyvN4Fg5qp1SOucsxqRty8Qb+zMaCTmOhJ4qRnWkb0/AEMDvTPZbmgGVUKJ7rLjGvFGM8uh9x7zzdUQNyRQ6/Wg0ubkE0xKLzDnvvsfUKb9wMl3aNj/uLlNIpMLVNSOkDj5npcVHt8U59g3erK7xXv8ZLs8FjbbFS4VpuvcMbF0DtN9p38PXDC3ywf4RP92tsuwad0yFvYtVjWbV42mzxcnaN76nf4EUVhKcu9D6pHpPL8T6+R+RVEAYcPrMTxHfdJvDe6ONCv7ELMn0pz2Fr28w6Wt/kG/ISqL0LU5tzPRaAFphmaUtRwlPA9rsFaM8Fsrny5xxXglhgio1FYSqbqXMTB5R6a6WRDXnM3F1Rd0QGrk0xxg8P1H6ediou9y5xt9ICeA0hJiNxKQTgS9NwHpZi6Og4EexEN+VaDcztO9UGr6o1tn2D1lW47Rt82l3gw+oxLvQOjdpiSWAZHhYeDgqtDxDeRJbUIFznXIFdVbgo7YLavvY1jPcw3iVvKovYjnuHPZoMrdPCKou58qjZ/Rt2n7zltB5JYwKIYUJ+OhSMQmj4PgYeOgJcYnBbaBjvYZWDhk5hWVZctGZAs1Y2tu02gWEDDSgb+j5qiLMlhrcG4IjlVUMfx7HyI5DLQLZ8FXPhTcNGpD7SwRywqhrc9jPc9g02fciS8UvC6LM2tS1TJrkkZ2JuJWtLX71OLJPl2jVSSQ7xtmMoOHy7OVSk5/E/C+f6ELhsgHe/guNRd35i4Jjqi+V1A5gqiEpRM9ZiyDBEVySNAG3uVKUWYJrB5c7d8oL5FTSivNzOr5Bv6yJNvczGyo4eDL+kUjnJ5E51Xs4pG8snsIvgskzvIAe2rg81yN2Y6Q0hrp+Wc8PYU3anXrgEsHxZbiuxtdxyoJZAZ3A/nh+B2uR+GgHtLLqMBlB7i8dmh0d6h2VkaXleWuv1KI0PB7VAPpY2C2rF6KUcuTyy+FHnA+u5OJacIFSXErVHQBuXpSiUFHQI9Tu4KlXaHoFYrlIcphYz3Sdxp7nqQz1GMEvpd4i95jaMyrqzYovDs/ZA7GTQyHSIc2pw4+Z4ZdcppvqyX+G2nyUF5Doyyk+qkI/4i/VrfLF+jZfmFs80sFThz2DrO9w4jQ/7C3yjfQdf238B39k9wav9CpuugXU6xBEbi8fNDl+Yb/DF2Rt8qbnEi+oaz/UtlrpDjUGEZO9NUE+ODO2ta9hze5jANpfeZ42SCzIHuJKVnVoX9lf+P4ZvvnQaYefUjdeF9bRcop0ZqM2xtHJQc0rvGWLbOS7HdwW03w0wWwKy57Oxcp3clhtxlmWkyZ6Y3Ic/7KnjlGos52p87n09DHtboShgAKwB3h0zv7nUP9ljKhXbNz+4GYNBQx/Ujo1iPrYAaqXSW+gwqCF3XkUmMl4HiNlV6KChPaXWcfj+yNx+sX6Nn519EV/bvsCrwwo/e/0SH+wf4evLF/ixxbfx/fUneGFaLFUQjtp7hb03ODiDrXKBvVWBSa6VglFA7S2W3qJDi70ePHTIo4wEJykn7d6FtEFbNLi0SGr6pPh/ofd4pA640F2I8VUEAJHibztiIv1w7zU8auXRwEVgGeqBxJnCM/BwfmBvqf7qFI+LUIdpUH4cxxue1yBeJcPGuE4K334Ut8sG/cN5WaiVdFlmbC8f1D9ybS6840SS1OaQ1jmvgRlGfah7bxxpliz3mZTHkNt2+d0leONtA2dtz3XZpSNVeBrBLV9/WSjfANhgM/N4DAe8a4YG9SnGn3wObHmjzFjc6ln4mUUAuGtzzNTSMnk2c1hJh+QCWryOwMqFaWBwW9zC4jqqKMuOCe+QcA65wRi0yjZODuYKRG+aEIe7iG2uzJGb+91F6RKZ8ni7Y3s2b+MxJNglN2YyAsCyN5GD/jn7XGNsS8ytZDAHt9UxAzoFam/72ZDSJQKxmbZ4VO3wqNrjcbWNsbT7EQDjx+YuRPyDOqQZ8smtloNa4DzFYr4dANtXxTiZvCiDjJ/lydhJ4ZjcjWlKDG0W0ApGthIAVoo+UaxsALZdYmYH1+Gw3GBwy6Z65Y2OFKkgSw0k69NYhPQP2vvUuBJgvI7P/tKucRVFnTZ2NhJ2IlD7heYaX6xf473qNV6aLd4xhoHaFlfO4yN7gW90L/D1wwt8a/c0gNq2QW8NKmMxr3o8n9/i5fwaX55f4sv1JV5WV3iid1jqIddtuL6gzL31M8bSDo3xQ7BTeJKD3bEL8jnqA7zFOYaHyv9J+PVvPA/UnmJpZXtwIp6WQG3b5O+As7SnQlb+WQHauwDc3LH4fA7I5kEsTU+BvpxTO58v7Ze7K9l9yAFaCWz5HfJ9W1GudA/ngPV/PszFlpBbzh2Zx9HK2Nlh3Rjchv0SkTJiZYf9hvUpj208lizL2xuN4Jp8oTs8Nxu8U93g03qNmy6ISm66GV61a3xUPcETvcVS9biImgvcc6yLHkADexuYW4qJDTG4FpSvViNkCeh8BaMDexty3lIbX8N5jYPXgbUE9RM0u9kOIQY5b5KBRao3P7h/q9OxquN9Q//AYYjd1ZEJD3G7EWh7BQgPMxpAMTRooYZBkdBGxuUUzkX9BMeOocPxM2yvVRq17wPhoJgbM/MmkG2sDIHSysXn5FKb/CCA7edhY9QFIOQARn9clBfLsbY0lV/B3JeV1lVH8bYyvjanrQw8xVcAbIA/jwBo/+cof9bJCOdRzC1rJnQd2vnGHIOhFmVwRIcExn4+HODmwG4ow1WU+XCAZGRz7KwEvHwb5y3llVP5yOIuGqBhAPecUQm6qdyPOoH8xqc6ROcyug0Du2CCgwzoUtzuHkDb59/FKXtrYHuOOrIEudx9xIgGMwdqr/plcCWxdQRyOgG0hemwqg7B7bgK4lDkelzKTStBLUCusseAlraRnVIt5mXkPhruKAal5G58YG7H3M04524czkH3MXzYKUY25YyNKsackSVAO4vzFC/L3YwJ2AaG1ubFsnj9gljwoY6oPqlcp3rUsDB+AMgtwv2S6vEbu8SNmydQS67H1qv07B9VuxGo/aLZ4pkxWKsZjNLYuhZXzuI7do2vtV/A1/ZfwC9sn+GT3Ro3hxmsUzDaY171eDrb4uX8Gt83f4UvNa/wsrrCc73DXIWhiA4KW1fh2s8S8N67GnvfjBpN7oFwny0HYHN48NgFucVpVnZTKMe+bLnWkV9YCbzeBdTG9XeJpZVJi86B8DhjngPaXBmcmC9Zrrw8t0y9A0iRJ4jpFIjNrb8LoAVbbsUynz8X1J5jU9c2dd8ctD9sM2rcLlnvkIulLbkbB3GlUI6LREmxKE25bxlzayBibqNYE3e/JTEpMCVkpLAkFUGxT6wtfMhBvvcmDY42yuGL1Q0u9B5frF/jq7OX+OruC/hwd4Fvbp/i03aFby6e4YcXH+AHZx/ipbnFMnpmEXO79RW2PrC5MuUcQKxxUP6v4QDVAzik0BTSWqB+zK1rsPcNDq7Gxs6xsXN8oi4wV11QTxZxuCk8h9VvF+ugZSB3YHADZCQGNzzDyOD62P5y12QeApamgQnm92k9kiswqTSH9ZHhVYMCM0BCXIMwlXRtrjH0m0hkMhx7iOmVrG+bFJjHjG4oO47F1QL8J/MOUA8ocRdHmqeMPn858Xg+BeCYRz2pI+dAGsEr3oZI1pa25zGTxiLF2z5D/rsvbeh9/Ee/+at4BuB3vKuGBuwZxu09XViLAGrpYjYI6sobQG9C3K1ZAdUqANwcvOQ/6lq0OO7ZyHacLkG2Wm3Mg+tgYLGFwyXGHZVbjDPo8iltK7V7jShT+CVV5Rp43AQm99zOTKnjklsuxV3l1vHzZLZ7sUysbo7RvcZ59rn4TZbckIFjtjaUd6PtzusRqL2xi9gQzHBwdRIJotjPme7xqNrjwuzx2GxxYfYj1WMyEoSSoBYAayTGwkclUDsli09lpMkPMWdnKSG7BLRBAMrgYKs7s7MEaHk90Y+7F5Pw01x1KR9vTYBTqkBThyI9ryGZvAS03L07PWsVRrOt0qhVnxowXm+Uakmm8qF0Pn1qFAOofVJvo/JxEIp6mQG1l67Ft/ol/mn7BfyT/Ut8/fY5Pt5e4OYQmFqjHRrT46I54AvzDb48vzwCtQCw9xo38dqu3Rw3bjFiacmGOssMj94zm/gsjsBu2QU595NNxXEZ5f8T+K/8lvwJOUCVrscc1DYYN3QFQFsCtfLKplhauXxXQAu2H8S63FTOT63L7cePR+l3yorFmJg/Nxa1BHLlcc41KXvNH2rJJEDmXY7cdd3lnh8+sJWg9p+FcbfkwAyqLLiVRuWMAhx59iRvJzUCtzSoTmEpADBXHka3sNUVbtwCn3ZrXJoltocGvZvjU7PGB9UTPK82eBKFADWAGj5Gy8X23esEYuHHoC9c57hNrAHUcHDKovYWte+H/oMDOmUAcon1Bp2i/kiV+hPDoH8At9yoPT2OoUWIu42uxzYCWt4/4Pvw9EKcNSehruH5pUsP2RL8McNLMbuJ3FAuCmPG+1AYC2VmskFQP9D64CsQrtNGJt6x+NyB0bVeDQrOXh89m3Tf0AHwRnD7S9Lk+CBfx7blWNtWFK/FNn4YiSf5dvmrIeNtOVjjR1yLozX4vfhRAJfA7wLwLoC/hOHTLz/rvJFuMPgYs0+8bgBzGOJuT7UkvApPDaPKlgajsiH+VqOK1Z5rPyW45VcnA4kbUS4XfSrLRjMA1ifclCXTihPLzcS+pZcDJ7Znyvs4lYzuOfaZgO2kkEExJiIPagOwbQK4tXNsbRPBnk6xorW2WOgW68jUrs3+rHhaHtfBr+EcQAscx4XQtYdt4/u0GVDPlQFz8bMEaKXb8RA/e5zcXQLawMhGJeMk+tQexcpyNpaArEy1JN17eNxNDtDKVElp8AAusAAqMuPQocPDboX2p4GNrWuwdU0C+C66iJEL9aNqj2fVLV5UAdi+0FtcaIUaBg4eO7fHpevxrX6Jn29f4md3X8TXNu/gw9tHuN7P0PcGWns0lcWqbvF8dot3m2u8W13hudngkTpAI6TxOXiD26h4mfIaCoEoyokcFLOPY4/vo/H24W5sbe4nXZRLcbV/Fv43/RbgZ8QF8N8pUDvF0opBTgK1dnZa8fgUU1tK85Obl+vOdTuWDecpgFsCtRzQToPZEqgrgdjSOnnsKVBcgui8bG70gl8jr9Hc8U8Bd/pNAdnctd8/cyMG7vzeewK7fuBNT4lDEWtLZya2lqshawZWCdwaBOZRM5Z2fA/iPHFaR5EonuqGhzwZZWM4i05hIm1kbp/oFj/WvI8X5hrvzV7in+5e4IP9Y7w+LPHf9u/h4/YC31h8gh+efYAvVld4ons8Uz0OflC6p2mtXNJXAAbWkhsBywaB6bXo8EzvcfAb3FK7FkNXbt0sZjIwuIqeSZ+oR6M4XMqHSyKLjcoNmyOlSQrXACBex5Rx9jUZSytEcbkc7HKgWyfhLaT6lymGnNcwsMlV2R45uY/JD5P6bYMrM4lVkVCVU+W+2PE98phe9SB0L5JxsHrq80PlSqwtYSGcZm3JplhbDkVLX3J+AQ06HDsCy4uUyw1+w5/4EM8A/N++rIZG+Vn88U84HY4abc7cxka7Wgfl5PUcaJrjFoBDRs7ePsus430BYqzlIMBgFi0sFPrYHm/hjoSk1kBidTnQlVdIyD0HYHO9uFw8bnP3eFzg+IFPLdN+pW2lTlOui8nKebnuDDv7L/6cVD9TZaSLJgE9YuvIDXVj5wnY0Ier1haVsliYDkvdRtfjfUrlU8OeBLWDIrMbxYnmAC0wDWqljcseg1k6f0kQigPa1lVH6sbcCNByd+NZBH0LEwGtbpmScTuIP7E8vk0g/Mfqgvye/FAjKfddfF4OeqQqTWrOxEinPLYkvEWAGUP+X3pOtF/rq9Tgcza01uE6G91jbQ54Vt3iWbVJSsUrHcYGHRw2rscb5/Atu8bPH17iH+++B1/bvIP3N49xs5uhaytAeTSNRVP1uGj2eBbz3g55D4GDN9j7Cre+CaDWBlDLR9hJQItAbRNdux8KsJ36nWZrpaMObwJKQPg/Bf5m4YQ5N+PPCGrtfOx6nGNjS3nL+fKJb26al9NzWdopQFvaJqen2dkSmD0F5s4Ftvx4pf1KNgVqp9yBZe3kQPkUmJ2694cBbLmVVI2td2exttwlmdhVyaqeEpJy3h+DWyC6xQbAdCpQI+WUBSIzS/cxZisJyFkMKvWU+mauPOamQ62u0cFg6xq86Za47ubYHRZwXmGm+5CbXG/xRPcpltbCoeMD4Z7CicagUfZ1OCCcwcMpj7l3mPnQLjRuyCAQvLZiOxeTaR90l9pUa7bhmHqfQDzise0Ebj31lGXdOzZgbeDZoPMwT8rNAA1SgGll+IGpZfoZiZ1lAyFk1K7Lfocjlny0P6V8Cs/Feh37bpTBwmb7nLwvZ07Wyj0xiTKloHtpHyD/KWzH896MU/9AFAGGiFhq2zhg4+v59ikbWNuGHZ0fjb71dMQw/zeIuf0RBIT5NVZMfuJlw9xgYG5JMfk2DHI3wCjfrayyEgQnoz4DlS+VHW+zzDtiC5e9CbIce1tiZ3nZZqKc/BXicUs/ycjm6hxife7dbXD8nPjxeFM/dT1nNsmfy1BWyQ0ZOAa0ofwY1O7dAGylmycJHlEe1cdmhwuzizEqhyORqBJTK1lILgwlTcbTyvvKsbW5xOXhPhQ6V8FF9929q9E7nRWGkgwtseHEWHNAS3GzAdAGcaelbuMv1g0DtATCcq7FNB0LQQ1xvDz+Rbp3j9yO4WCUzF07AD+uLq1jY9j5OAoeY3ZSHmE4VCooOVNs8ONqi7XZR5GwwV24g8fe9XjjND6yj/BP2pf4ue1LfG3zAt+5eYzr2zn6zgQGoQqiH8u6w+N6j+f17QjUUgqfW9/gxi7Se8ljaemehljl4/u7z5YbD+S/abZ2CgYeM7VAC+W/Df9/rE9/czmmeUtQ2y/KrscSsJa2SVDLR2dPAVpgOpa2BFxPzefALDDEzk6DWeD4iSMzz6dyPlcmx/RKgFkyeR4ZTC2vHxjX8NQ5coA2Vx+5e314oJZM5qQls57EEUXbzJhbHm+bcxMe9lFHLqectc0xuINrMkAzua+kBM1B0bfE3AYg2SiHBg4thjyvNpavlcOXqzdYLVq8qG7w1f27+M7+Ca7aOb5++xzX/Rzvz5/iB+Yf4vvqT/FCH7CMoJhy3XJvJfgh7Q5dB6kSc3bXREEro4CVcmj8AReqwxO9w63f4NbMRuKD+yg05bzGlV1h62b4JAo6EpNLcbkh9tehUS7UDRjgjPVKGQZkXYb6JPA4ZCII7a5KfQ76flG9j9SpFZsycDtKKUSu0+S6zK7DiGecgLVyA9OaxKdsdJ92IxYXsCN155wlsU+lUXtbLPegTH6SJBAulY3zvh3cOdsMwOWHoXZvjeP26BxNIjppBQJ1BFzlGcumPvgQ+GnAzydibjmIbxEUknmjfgvgXaCKp1cLoJohCUvxFudWHJJaDsnotqy87D/k8ZuNbv19dNPuI8Dlrsi38eKlvgRNJXA9BWJPxOKiCR+Oc5hcZOZLcVml3xSTmzt+aZ8z7TMBW+6GPErmfYLdHYHanAuqC38KPAXNUrchljZK5ueUjwnUDkzg8agqB7SlFD58+eS94FimPo3GCpb2XEBLJgFtw3LMLkx3xM6u9CG5ZVNjGPLHujSaze+JwCQBWs5IluT7ebyxgQupjDyLU2apkkZuzzEGNRwv7E9gMQhPMNckODilMFN9SHgfQfuFjq7n6oBaWWiExvnGe9z6KqT06V7g53fvJlB7tZmj39fwVkFVDkp7LJoOj5sdnjW3eFwFUGtUULi89QZbP0ssLaVxoPeHBLcoRrmU5/i+29TncDq9jwSxtL4QV/vtb8L/Bwr4o4UTltjazwhqeW7acwWieLztud93Pn0blvYcEFsCs2HdKXY2p1w8BWxxxvIpNeS7mBzRkPmauFFN1Gy+BE6nGndZNrc/nefh2duwtzkxqeMyDPj6smJyTi15LCwVZvjeEtRysDZldWQxG+XQep1ck+FDKqC57rFS10HfwWvsbI2rdo6rdoFt36B3BrXu8Ujv8US3WCkCgR5bONiMoi6B20HcStybctA+gtt4jTPlEoM7Vz3mPoDWazWHcQ63cfC084Fh1sqhdkHM8VY3eGT2aL3BI73HUnehTY/1ZJhI16hOORuLwb2Y7kirCID9eNCAD6g7H1jxFFfsS+AWKd7XKZXifY8yZcg2ciQ06WJsLDHbxyyujMst2ViR+QG5IueMPke5jn1pG1/P5nP5RPmXtBO7tSfmWwxf41aUKaskc/qV5qUDNOD/4Q8A2ATmVsTPju5LXlCuLmJZUkxeAukPgeAlt1Ib3WAM7GmZ4KksS8tBSs1AoU/vrUtnp5JUByt2BH4DOYArO1M5y5XPHFcyubRrCcCSf/Zd0gLlXqCpF2wl1p1pn/kvfoqtzZePICqyqgQeDoyppaD/SrsEatZRIGql25OgVsZU5PLRSpAH3A3U5vLPSkEoCWilKJSDKuegjXGlKV+v7hNLS+w1sbMUP7vSB6xUmwBXTfGzjKGlUVm61hZm5GJcumeqEw2XhCGMsqjj6CmAUR2TeziB3JHrkQe6+FVJbLAfA3sdlaprbTFT4Z7nOqYdisyzg8LWG+y9wSu7wre65/ja/gv4+u1zvL95hKvNHN22AbrQoivt0TQ9LmYHPG12eBrVtGsVUgzsoRJDS7FQvHNACtLk3p1jac/J4fuLbVNd/jJbewoeFuDge0+AP5Q5UQ7ASgEpCWDvCGolI5uD51MCUVPglk/fRhzqroD2OEVPqYEqgTpZDpkpCsvA6ZjU0jGnWqPcAxYPNh1D9NCK1zz1dp8DaoHje314NgVugTF7a5QuKiWPj+mOwC1ie+C8T4rJSS15wm02pQVCFCnKpAcCSDEZA2gaXc9wDmJvDXxiH7feJNbxQrf4wdmHWOkDntZbfGv/FK/bJV63C/zDm/fwulvhO/OP8f3Nx3jXbLDSPqgmow/KxEJLIwA9m4BbYnfJSwtBOZkrKxsFzOFgVIfau8TCEmsbBlHHoT0Agvp+X+GNWgYml+WUD+19j5mymKsAprUaYps5g+vY8+AMbK2CZxy5OTvFB7MlYeHTcfToWGMBK6ojSsmU02KxUEO/QLgtE8AdQsjGAJlCmso2hKZNl7tHdpfO+zmfV1muiawtAsDlrK08FLWN6xPz06fXWCUhKenouy7MA9KPVf2eD+H/pAI+ZCd9xnaVgBcIXRTZmD8FdAvoNeBW47hbCf02mfkaY1aX9iPPW47HJMhtMYDboXZ69j2TqI7OJONyS+28FOeSPzkSMNF/ME1kcRGALmdy+aXmlktqyW+zT+lcZ9hbA9u3YWuH9DZVSu9DCc3pYw5g5H5KbOS5oJazjNLt+PTH8DQwSTG0AtTmctDmAK3zmjG0Q+yviw0AEJjq5HIcAS0XhOKAlupEAtoabhwTxBK6t+w5cNdiui9giFOhOqM4H6oF6QokY2gH1taOn1WM16UBCF5f3N2XQC3l2KX8urXqoWP6oH3sRLyxS3zYP8a322f4zu5JEIq6naPb1UAbn6d2MLXFatbi6Ww7sLU6sLVcmVmC2jp1JjpWx/0RQ8vfv/ts8rNG695OCbkEEdvQIP2CKn9r+TeZA10JfidArVshm592I6anXI9LAlGl7yxwDGghyk1NT5XJuxqjUJF8fQ7UYWIeYp7sVB6JU8c/ZXx/Sc/L6+NGDTR3R6bpKfer3H3QfvLaEBr0B5wCswRugWP29lxwCwTmFsBYCVe4JAPTDC6tlymDwn7yfBgEB4WbLcWvGTUo+IZrGeJu4R0uVI+LKA441+Evd2drfHR4hKt2gU0XFPiNctHjaYe5UmgUsPdBNdn6AHBHYk6xDhxYeiJvBh0JBFdpUjqmdD41esyVRed7dOqQQmC4JxsJFe59ja1vUl9Bx2uc6w4Xeo8n5hZP9C4AZng0MQdvDaBL9QG0fOAYPg4EDCzuXIfBBYvw7vC0P0mZGTzWmVzfwy+4W4bz0QBDMjXaRTxvlUDsEcPLLNd304LJpXIpBO0BtMd3thIALjmYyDFBHLsky0OWQiu5qzIHubws/9XxxM0I+knGFmw9u8i4zv+vfyDkt6XV/BPOsRy/X06EZuqK3ooGwJM4GC4t11Y3CH0Fmt+wKT810+3KHi+A2kqAWyrFb4rmibrMgVse+Tv16zDOWnwO0BVMLr/EKfA5FTObW9eizADnOl8n7K2ArWMfuVPCSsMHPgopkRuyq9NIJQe1JrrNEpiZArXA2D127CY7gFqe17akenwOIOGxtRzU7n2FzlU4+GokCtVHkSiZh5an7iGjeNIcoB3H0A6AltyNTwFaigGSgFYOBpBxgDo1ICCBLTDkcuUsLXdzogY7xRj5ZhRb3cXUTuSGPYvvAeXZrWO3h8Stbn2DS7vGR/1jvH94jI92F7jazdHua+AQFROMh24s5vMOT+Y7vDMLglEXeocmJoknUEvXQfdErsecpeXvE92XfP/us5UcSe/G1pYY3Ahq/8VvovszCniC42/xOe7Hue935idBbQ685q5Ygt5TQFaCz7u6HZ8LbKdjZ1GoCOA0oL0LsEOmzBRAnjp26bgciJceOpCvudw13xXQTgSlWdaAL07cyi+iEQid2j5l1peAaxncEmsbyukjcAuPI7B6CuAmUETpfjAGt/wKBvfX8XouqpRS9QAg5V7nVQzr8XhhrvEj8/ex1C2+UT/Hx4cL7Psa39k/QecNLudr/MDsQ7xXvcET3QZGkzGSrdfJNZfntu2gRylunFfoFOlu5NtQuqY5woDt3GvM0YU+kR70QrimBXmktb7CG7vErWuCsrLusIzAPQx0U58gxMiuNGNl4/k7zuJmhMHqeM21Kr9nw70wcAuMBaXI1FA31DekKQe3o7RBqT6PhacI0PL+R7oW/l7ed+PIsjSfWz61nrYBCc8QawsMLsnyFKXwRg635HaZ85bKVqjQY8HAhlRLpnVkxzeiLjvAVvC/UgW3ZLJn4mS5pucWY7a3DfsRe9svQkogHnfLQWsOwBJ7y69WlqN6Gvc7bEotFt7OEgSjo/Ij0ZFzHSrafkZsbXrCMi+urEj+uw1MLk64K/NREP5ilF6aU8u5WN4z7GxgS2q3HNQO245dd3OuvuSCnEYk/cDW0UgisXQ5VvII1EIltlGCCsnSloSiuI1T9Yzvj4NaYmjp+g+OmOewvnXVJKAlo3Q9WvmkcMxT9pAKNFc4viugJTcpcjuWTC3dt6wv7kJsRKNMAxVD45GpS1AcFnv2xNKnBPZBBXvv6jQowJ9fncSnbGJrDe+w+Ao3boFXdo2P20f4ZL/Gm90C+10DT6AWACqPqrF4ND/gnfktXjQ3eGx2aeR+SFlUpU4DsbK1skF5m4lEyfvkoPYc9fBfbCt9uk6ztZIHzYNaAPix/1ahkieQ7sU59+M7uCCT+7EEtRLQlq58CtSWvrclQJtbl/sey/K0fJ4YFMRyTuV3CoCCTYFJcHe07hSgzR2/ZcttpjwXyuAPX14Xby1zU3lNpfrgxxX3allTeGbj+YttJuob5MDtXdL/5Owc5jaU0zFWU0F7j07ZEbgd73kMcIm1PUcxOe0j2D++31hwyqa0PR0CYJopixdmhyf6gOdmg7XZ42fUF/GNzXN8tL3Aq/0Kl+0K23UDt9Co60/xTPWoVfjbD269FM7jk/tzEpVSGIlOGe8Tm0thQTIlT8iBq1DDwSqFZfzKJEHFGDY01iQJg7AbN0/EgFEOs8TibvHE3OK53uJCd5gpBCZXBRbXAjgwFldeHwlg5Vr30oAC1T+VoXrh7snJ1GlwS3G3wOCanN4BwdBKcdDwnljo+Ax+SdsUqJXlyHZhMuWSLNlZmq9FOWpXIcoP6zQWmMf+BX335RlXYnk879W/FI74/RiALS/2DMMnPpdbVf4Ycq8QAL6eB/aWA1y6h1PzEsySezLfNtSJxf7IJblCvn2jed6O3WLcKeJlZNt6TruYA7lT7SpjcQFk1ZVl/TfIs7gQ01LnSzyzU3YnxlaCWp5Gh5scmeQuyHvXRGAVQCCxuGHkcnA9LYFa+vARsDkX1Mo4SIonzTFtOVArY2opLpgAbfjVKWXPFKAFkNjZIUdrjKPV3RGgXR0JQvVJFKqOo8XhviJ7XgC0OZdtAAkwjl2IObAdBin486bnMGIpvUnHIhBAZbiL1TY2zlvXjFjScD0R0Op4n3S/zK2ZQPK1neOqX+KyXeH1YYnbfYP+YIBeQXkFH9na5byNbO0GT6tbrPQhsbXcnZzeX1I9JpevUyztIMJ1/xnbKYg0nbd2iskdfr8b38R/hoILMnc3LhF1fLkwAHkuqC0B2jwcLy8Db8fSniozHT9bamROiTdNAc67gFk+P9XgnTqOBKBA/iWI62wFGOptcRc2flzZmIMdL1dfmWssgVk+f48ZWzLJ3H5WUHt8/DG45awttxB3a+CUYzlyc54+ZaCRY21LoJfS3/DtFHebGKnIiNIpD96k9nKpD3ivvoRbKNTK4oP9Y2y6GbZ9ja9v30HnDa5nc3xvfYkX5hZzan9USAnkYjgM17BIbLHsTzC3Xnn7DsdkAT8eAcRaWcx9YGP3ej+4Lrt61H5ZaNy4Ofa+xo1eMEXlIDo1UzaB12ZC8LDLPKZzWzcJcHP3XgK9pIacjuFDXtzR8dUY2PIppRsk4Nze/7HmwaZAau4ziInyvIwo5434m5pIAyTbMXnaEhzjvxoaGvOokiwBWyn+Vp4FUF/9jwG08F/5/QNqLN2z3EZI80Oxvg3MLQBgPhaWkgCXX9Hx1ZXb/GMAHPLc7mOeWwK3Lp2V1zSQr3neH8sFG5/oRBVBrmyvS78YB5xLH8QrIwd25W3KdaWXSY6JFOzOrsglUCsV+LhxF2QZh0ojjUBohFI8Zfq1qKNIgwS1xNjeBdSec2+j62agtvUhx6wEtVvXoHXVSBiKg1pu3N045Od1RUBLDC0B+5LKsRs9k2GE9wj8MxAqY2gloK0pdx6LV5EDCjmQrOGicuLxQEISyUjAdgC1VE+kMsyZ2hRbyz7FFkHo6cYt8Kpb4dVhhev9DO0hxNUqq0JjWjvUsx4X8wOezW7xtNpiqdukksmZ9/B83JFAFNUJ1YPMj0zvSHgWDwPYyh+5IR+D2JIDL5djGn5/Cd/EH/AKv0oC1BIzm1NApvXyexy3vy2ovYvrsZyXrlnnTj87oOUNzFTu2SkwK0GtbPFLy6fAcwksc5OpeXhgdYMhf0MN2CVr4AjccgXk0jWWfpn7PQfMTnUU75nx2NjSdm7c/XjKjfmUEdAduSUDCdTVKgLYDHtb+kJOuSRz8Mr3H5R9WeqauI2Am4luwqTJ4FxIHbNSPS6qS7w013hZX+Hn6u/BP759ifdvH+Nyv8IHu0f4ZH2Bq+UH+NH5t/FFc4OVDorHFh6HeLzQXoYB5gRyI/gFWL+Cg1thPFPBcG8DYJsJppc0MzqvQ8712BbeuHnyhKL+Va17zFWfMkpQDvgL3WGpfMzhixRf23mgwyCIRSYZXfksiEnnLO6wnbkns8Ww3yAyRXUwGkRWY+Aq60duS8eJ6sxNweX+3hvPB1oa28tZAczKz7xvkQBt7lC8zcoJRnHswbeXrYmsbUm997R59WfD2X4dgG+yC+En5oPnVIdTHYS4rwagu9C/WFdA0xwPn0rImAOtJaAv140B7pBxefy25tAfGa3PMa6lWK67gFx5t5jY53YQnZKCUyWgC/Z8chWFwv5n2NnAVroUnwNqk1AQBhVkArfE1gKIH0uX4hl52hpS1+Wg1vJpjjHOgNoU68sam5wLqcxXy0EtXTeBWkpPRKD24KqRMBQ3CWgpBy39CNDS6GoO0NLoLX3QuTQ/uSylOoosOWenqW6oPsqux9LtWIG7MJN6o2QpyT1IKwfjwzOl+k6uVI4LY5gR+Ce3bOl+TGDXKJfeg+CS1eB1v8Jlt8KbwwLb/Qx2b6B6DTjA1x6qdpg1PR7N9njWbHFh9pirdnRNra9G99BEl2NSPQaQzd/7UGJqcyY/dcduyPKX4ziPv1x/1yv8eOnblyPpCuD1CP/En6sH9eMSqM2xtKdAbek7eheW9hSgPS9dDzIVd5f8s7ltOUA7BW5Lx8wBWnkcbi3yDHEmuHrHYnZS0Qowud6cvNapBhx3A7Ny3Yvy3d0XI3Cbs5JIFHA6RpfbKZdkXq4Ud/tZv5RT7so89QwffAcGT6aariu2gUlcCsATvcWXmkt03qBSDq8OS/Te4LJd4ms6vAS3zSd4WV1hpXroBGbVWKgKYwaRi1hy5lb2lQZX3GMF4REwFvuEe+kBHdr2uW6xdLMUXhO0TcJxyWvqlV3j1jd44yjPfT/KoEAAOoQ4jZWRU30SiGXX4s54lVKdECjN7SPAv84UGoA1dz0+rlMd45x/SVkO4/BPYoezzXEEkHFJll9ciT3SOGRhWyvWVyOXZAJluY4Cv4o1hrjcSwAt1N/87wH4CP7f+Idh1S3Gsbfccs0fdQouxbp1AEX9IhZv8kl0aN2GzcuBACrHl+kOj4GwxQYWKuW6JfZWtnd0FIkA+ROiKyu1jVMpgxpxLFkeYltunzNSB+XWcRdyeWvyNk/YWzG25zK1AGJe10EFmeb5MSSoJTA3V10Ctel8QiyKW2JrM6B2dE0YKxtLUJtzPebKx8Q07mw9ArZj12OdjaEll+OFaU8C2sDO2hF7Gq5znD+Pg1kngHuqm9QQjJnanNgTf848NpaDWi74RRZcminWaHDH4krIBLhdGqAYK2HLX0OgNt07iY81uLIrvO6WeHVYRcGoCmg1VKfgtQe0R1VbrOcHPGl2eFztsNQHGOUTOOUu8cTW1uydc9ApfVPL3oOkju2H2B9zRsfvPpj8HB2LRp1KelMq89fwr+NfKH8rJSt7F7GodQC1dj6k9DkH1HJwK5WRgfx3Fqy8XPc2wFays8P08wa0skwuRQ8y87ltpWui4zY4Pga3UoMsgW0EtfRgSpdbvE4g77uOYdRYXpacL4HaB2gufefL/pdT4FYysafPd1xext26yGZSTtQpy7G2QFlMihR5AUTAiJSXlXQmQrkBtHEhRXhgrnq8MLd4YW7x5foVvtG8g3+8+yK+evsCn+zW+GS3xrdnT/D966f4scW38UPNR3hm9mgQcuceYNBCp7ytLg4+kwAitdfp+iMwJCAZ7kkdgVsOcF1cDwz70W+uLZa+B7AfhSGR0jJPYffGLkekQtAzOeDC7PBIh5SKFzoKTyGmKqKB9MjkWn/M5vLrAgaQmesXjtapYR0B6ByQHe0vjq3T+nE56zFilx+sndPJn/peTXymS6ythEnUluZY26ly3IUXkC7J59pxe+bVIwAG+J3/EPgquyj6kagU9THAthHBSR0G+r073EjVhowLsx6oMsJSbWY+F2vbZpbbeFm3op7CfAC4LQ6p3+DQw2UHdCUClECUyk2157wzNtUBo+OeisUV5zCIsbiCyeXPQ/547lpeDmx6wu7M2OZAbam8jQxXm0CBSS6ynEEclGeHmEYCNGQEss4Riyrlq5WxtdydNJQZu5SS63ESi4oiRyVQG5jaQbmPWNpGhxHRhenOcjkmQCvZ05aBqRyQlWYygGsstDA+Ph2rY4yvZGn5KLCFBqlYD+qELjGsOkZjwevJQUTafywY1afUPuGpDczp3te4cXNc9it80q5xuVvidtfAbSvog4ayEVPXHs2sx7pu8ajeY6nbOHI9sPCU1iew4WO39dYPOX73vsmmJQIA46ObPMYCF/fVJHQqs7XnRqwCQIs/4f8F/FuEWySGORVXy/fLfGMlqM1d4RSoLfHNyMwDx6nVcKJ87ph5d2P5BOTyZwG0NC0B2hKwPQfU5oSq7mLyQa8B+3joVFDlyc7aUYxr7lpFvcnGk9tUjyxX/oEaT/UjWVtgmuUN++cBa4m1LcXdpvNBjVRyTwHccI3j3LbhGvLpfmQZUFwniT1lQBhXTqa6mqsOz6sN3pu9xsFV0Mpj2zdwXuGyXeGb5h0Y5bH3r/FE7wJrqzwa74r9IR7jK43S/IUcvcwF90RcKE8PyLU1uNXKwkJjpQ+pbaWwm9YPXT+jHLrozkyZC0phT0d1WLDE8j6k+Nb7biWAWypLduKbRqwtKSTzXTi2kDhDQis5zYnhdggqySHVTQ4mSiCV6yS0AL4G4BKP/lPgKwD+1q8H8BGOE83y+ig1WRx9Utl1/I4QeRzBLWdqWwxpfSSDywF9LvUPvyw5EDAMHgQF5byLMn8iuSfAU/uca6XnIH+58vKa5HIcUTAM4PJLlz++XjK5Z9gdxaPyoDafCoaYuQBLKC6Rs7UE3JLrqe5GoOZt42rldUk3ag5wczGSnFmU7seDUNQ0qE1pe0yPRvcMzObz0NYI9y8BbS6+9UiwiZkE9BJoSVZxcNvSI1dvmWaAGkMJ6rTySdyJXIe5C6+Dxh41jA/Px7lBiZlfD41uk7uxFm5FLl5f6w1u3AKX/RqftBf4OKb36bYN1N5AtwpeAdAeuraY1R0umj1W5oCZ7mDgGPsepilFADsnMboEaOn5O1b3hoS7dJ9c3B6C0xP/RH1+bO1vw0v8VP47yDO60LpS6tJMmAjlquWgluOhtwW1JUxTArXnzpfjZ2Xty+WcKNRdAC2QB8V8empenv+cayIrNaKyY7IK8bTkCiYrkes/HV2nbNDpZWKA9hSoBcoPkNsdXPp+MYwAKwFUYl4H8EmhPmoS3HLWNicURetz27nx9Tr+g3IwMBGgumyMpQS5HLzmmNscuB3fVyAKKKctgVtq66itCXleY7vq6tiGWXxf9RrvmSv8YPMhfn7xEj+3fYlv3j7DNzbP8J3tY3x98Q5+aPURfmT+HXxv9RoXuoNVKikwE3tL4o7hmo7zs3I35XDfmTjRDDKUrtapHoS4p4HHSrWxzneAGTyxWpiUdm/vAqv7xi+zAopLfcAjvQ/9FdWiVm4Q0hLXJUH2KGb4jsxp7t51ZHapPgNDHt6JwNDK8kBxVOE+2xRwlQA3Z6VvV6Y8sbZcIZl/bYEBIvFPpYyrldMcaAsWVJKBu7qMHrdb1+r3hSP/H/4E8FPsIumEz+LvKYbmB6LcJcbM7W0s/yx6hDShi7eeA20zbs0Id3Xs8Jyh3YiyuR8RlJzBHfowNv4O2CcGt6TJMYX8JPAFjvcvdcSmfqfSBiG/zjSMyY3bZFxuqaN1hp39XpWYwTyoVSPBKMnW8n1HeULVWCyKzivjakuWVUBOo9bH+W5zisfERnLXY4oHnQK1wDh9T5NcjjssTAC0a7NPKsdL7nIdAZcUbDoVL5u7b+5ezJ/PcaM6Zns5YKZ57nLMAS1naUkxWLqOG7jhuqHQKgPrqBNRYUiZQB2mseoht8CuhvltdKf6tFvj40Nga7ebGdTWwOxV8ICuAF8FN+SLWYuL+oC1OcR6HT9fUl/kdSZTOhGo5SJXBIK1skG1MdPQ32ejT9fp2NpTPwBo8Zf8T+F3MjB6JBYlcM0R1pn4lroKsDOgvyOoPS8qOA9o5bZT87Tsio0PCvM5QPp5Adq7gls+Pcfd6ByjcuyFsMtxZ4LGSoChlZ88XqYB5jG6pUYw1wMrPfwHYqdY1wBEfRHckp2Kt5X5a0/F2+YY3JggLsTbKgXnyaVUnQVuS5YDNGSkyCtTywACWIoB4Fo5rPQBL6prXDVL7GwDfViidRVubYOP2wuszfOgrI+bBPRkHfJzyLb4nPaCmNyje2LHz91ziT0mptp4hUZZOHSJEqp9j71vRm0c9QeIze2UwVx12J9gcz+L5QDt0TY6ZSqaj9klQbEHa1xA6rPaBFh21TFjy7/wXN9HwiO5jk85IOa/4JJcwaHGdLxti+N2h9atAfxFABv85j8C/A/+CPB7JXMrQ00h5ukGaCrRKJDYW1fFVc0xiIWYcia3xNaesuMBgQByhzhc7qIsb+qUlV4GfrxzYnFzlSnfjNzxM8sGQFNgcqcuOWN3GjA59wMhBaMovQ9PhTIwtT2aODJILK1UMc6B0nQc4Xqcu94RQ4shbpYDRu5em5jaGFtJYJbmZUwtGXc9nmmLhWmxNocRqH2kd4P0PsuVym1w1x7cgTnTDGAMZOFGgJK7G0sxLD5QwN2ypRiUBPsE5Gp0zGW4H7uPY4gHJqEMUk7mAwXkzj0MCHh0MElsysXnY1CxHHTBLfjaLfC6X+GjwyN8slvjarOAu61RbTV0i9DQNR6oHGazHuvmgItqj7nuoJVL8UXHgyzD+0MxxYmljzl2pUgWCVrxuFz5LO+j8c/KmK3N/XISgvK3Hg6cA6w0fyqONgOM+8UAaqXX6mcBtRLjnANqp5bzgDZXKRDzUwnScca0xKie2q80PwWwTzWevOWRxxbxtHx0XDZcRewsr4UpKecerrQcsM3JXT8Q4+7G5TJCS9jTt0unqYy3JUAqwasEt7ky+XMP4JTALYAESpz3oNy2HOCOUsYoAjTSkydYyC97rNJLzG1KIcPyu6c0OhiEGLsYNmPgcaFb/FjzIb6v/hTvL57i5w/v4qvbL+CD3WP89NX34Be2z/Dzy3fxw4sP8MOzD/Cu2QT2FgN7G4SWhjzzg4hl3n04Z1NM5yhGV/l0H+k8YoAcGNov0vXggDulZWQ5c/euxo2fj/YnDzupiUJCVLl8vVyEqnTf5/cxiREO5+hO1NODsDt03CePUbITxyaX5LbPf8lzn89zWFteNnexd4u3zVmDv6b+L2H2P/vtwE8i330hBjfH3lLH4UMMaHSDxNxifRx327O42ylw37BTSLwmf7RdJvLhZTaMxS0PpOcGB7iVAOhUuz/VVymB3VMD7mL+nJjcM+zOMbbcpthaArSDAvIQyzq4IA8urBRTm8sXKkFpOv8ZqX1ycbUS1PJlAj2cre2dPspRS4xjuJ9BIIpcj9fmgIXpcGH2WJs9VvqAC70/ykVL9ZhjaCWg5S6wtB+BWu66nXsmnIUtgdlQX4NLNp2rjuoCJrK0I1AbAe1c9WP3Ya+xh06NZEhHMMfGzrG1QU2avw8z3aNzBrWxwzUpekbhmvY+qCB/3F7go/0FXt0u0W4amI2G2QOqV3CND6OPM4vVLMTWrs0h1TV/vgCS2nRSmmbbS6C21sciV1y9+b4bfU7KKX6mgCwvAwAt/rb/Gn48B1pPuSDL9WJ/SusjQS3hoc8D1E6pHp8DbKXS8fl5aFHYlgOiEiSe2r/UcCAzn4vHPQVqc41kznh5AWpJyVLueqRLJemKDKjlr+rU5ZQe/AMFtqfMep8A4RR7WxKTOoeZPVctOZxnmnkFzmdveSogymcLjMEtZ3LJJbXElhKzy8EXiSGtVI9nZoMX1RKv6xVu+xne+AVaV+GqW+Cj6jGemC1q1eOJPgRQJ9hbHj/Lz/V5gbFRjK4auwAP9+NG5MLR/QMwov9FxY13SXOEzHqFvatHqMRChUwWcKke5DV+nsYZcR53zO3zPud33XIA95x1dwXG7DPORaSAMuzhy3yaE7Tl2/gyB3F3i7dFZh3N/28BXOJ/+T8C/v0/gXGIi1R1on6JbBJlA59jbuO8rwJ4orjbqdjaRix/VuNMbgs7+uad/hJTvfH4Wwl+5XppOaCc2557a+5oBsFVmcfknmF3c3EfnY99sHgqHgKRETy1MTaT1vN9juJqhTvquS7IJSuxkgQcpTgUuckOcbUxtjSC2d7rNM2CWt1jZnqsGEt7ofe4iMB2qQ7FOFqKe6E4Up4jNgfmKY5VglruhsQBO89nS6JIEswO5/AwsCz+laUEUi6lYCKBiVrcCykybt0M126ON3aFK7vAVb/Exs6GwYGYhqDWFtqHeuy8gXYeRntoYhdig7yxQTDq48MFPt2ucLuZQ20qmJ2CPgRxEq8B3zg0sx4XswMu6j2WphXvqEr3pdNgCgmJjJWb6RnDu7Fyc8wNSO9xAPz90Sj1fTT6tuvUkpXg31TG12G/jg4qf6dckGl9JuUPpfVpm+O0PbdieQqGTwHbU6A2t8zXnTdayitnCpCemseJ/U8B21zaHTl/6ri540iTjSRzFc6BWt7LkT/Ti+PStABqT43o8gefe6APzAJYNdlYWTICkkapLLjNGbHAnL2dMl7m7JRAsTSAEXMLYJK9BRDcmBH6PJR7FSmWVsTf+mHfWiHBcMmakoBTrRy4sjABpyd6j6/MvoVf0XyMby2f46v7d/GN3XO8OqzwyX6Nn2++gO9bvsKPLN7H99Wf4IXZYR5Z4sTeQqGGQ6McanjUyh9dS844MDuHvdXwcEqlv1Srhvz2fAC9hQFEiBH1Iy7UHhcxqs+m+hjYXC4oeW3neINlJBaGwW8KK6O+glYOp9yXS2RJyY4zXrB8uA8N0Eo7BVTf5pslsQYzmfqnBG/4MhdOAvLsrYRL9NkOdtd422lk8++rnwb+3DvAH8JxV4Z3Fp7Fee4hxstvxG+NIe62AfR6yHdLcbcSP7fs0Bu23IoyUz8+YACxjYtMEYN7fr+EDw7I4YjSPNg68vWe8hgrrS8JUU7saxBy5KLBOW/KHRhbfSQ8BAyglspIttZBj9haAEfKt8S4GgGQznVBJuZydL3cBZcBXCmExHPqDi7IA7Dt4zKBWj5iWekwKsnT+KyqoHRMTC13Pc6560pRqNFUgPlToJYfs4WZBLR5MDsGsrk6Jpdnuo8xOFdoEXLlUSzsG7vElV3iql9gY2e47Wfo/BDfW2sLOKBS9miU2fnQDXGISsh2jst2hVf7Fa5uF3CbGvVWodopKDuAIcwclvMWj5sdHlX7KBo1xGzL1D6cabXs2lJKBWVhtDtiaLmaM2/UH4J9XqJRP+s/wq/jDKxUQZYAN/eNE+W4ArJsZ6RnkcQ257K1OQ/Uc4FtWRxq6iaB/Ef81HyJUeXzpQbhLvlrp46ZO86UsfLkSiTdj/lDKx5W9twKoHaD44eYM/nQc2D4AQLcqThbaRLcft52isHNsbbE0vK4W1oP5BWUeVqg5J7MwG35/Ej5bnOsKaWry+lY1Mrhidpjb65xU8/xul/ippthE3+X3QofVY9xoXeYqx4Xukv7JjGlCBIHEDq+FmkSnJVYyeP6YS7K8CNFap5nmPpsWhGbOwggkvBVjaD43MChVRbaO2jHB7gqwFMGBAeoIJ4F1wC6Teet0Yc0R35IiUT1M2V3ieF9sO7IHD98t75Bdzg2/yzLT/TUMv+k86lkbXn5u8XbIrOOL/9r+Kv/U+C3PgPwRzBmbmsMiDrXZOYqgKNQwnIRUVYY57ulw3BmlvPMfPp5sbc5uxuLS3VN87nhjNzLeepl4s+ltG3KSmU6AI9P7PuWjG1OcTcBKpbeh7O1fL8wMjjEnNSqT8A0Fxd7F+NgkLswJ1Dnib01DMiOQW7vwnYOanmjozHkqau1jTG1/cj1WMbTcqZ2VF+MpeWpjEb1TQ0MgVgGMNO9Msacs74J2MZ1VC9DPtsAxiSYbSL4lmrTI5ElYj9jW0JiS8HteBFAbb/ElV3gpp+HFEkxNhkAKuVgvUJF7mIZtpPu5+BqXPdzvG4XuNwucLhtYG41qq2C7hDY2gqwM49q3uPR/ICnzS65IVN8rYU6UuOuVZ/qJd2jD2rHxrtjECzA7EOzBueIRp0DdNv0Uc+CVe5uzN2SJdBly1IBmeMhCXK/26A2t+5uo6HnAFpZgTixb67C5Xo5iorMfG7biWPZQnNhMuuoLH9QOVALHPdNjtpDWojXIl8C/spOWemFkOD2gZj1lCt13EYSuOQgcsotuWScub2LnYq/HeJlh3IEYuXl8Pjbo+MACRATexvy5w4xt+H4dKzQ2eOxt5I1pXae2FbO3pJ9wWzwaL7H9zWf4pvL5/jG/h18e/8E728f48PdBX66+SJ++fJT/ND8A3xvdYnH+oCl7oMoITSsN+giUA7teehTUIwsz7+bM7ntHPdbArekBg02kGzV4MVEA78OGAlGpv4BPB6pAx6ZQ9iXscB8MH0gESrsffj7lQPlfFCee7GZE6D3XPD6YEEuMMYNbysgJZ1rTnzjvImu/CKvrbyU3KH4MgE2zt42ohx9wgeP4PD/efG2U21ug5X6Kv4CgN/5txTwm8WusltDcbS8bwJRhoQO18flq/Vx3G2OueV5ayV7e5cel0yhVO6r3DUOlyN3DipzfYLS9nPy58ptss9zqgzwXQO23EY5YCOIpNQsxNZyG0BCP0rrc3Rc5kKcY2tPXhfbn1g4nrqGg1qKoxyArUmsIoHaIR50AHg1i6mlVD7kfjxSPhagVopD0T22ftxDpIaA5vOqz4OesHRjHlysBzEoACNQywW7OHCWaYNGz1vF+CYCyhFU732NvWtw6xpc2RVu7DyB2k3foHVVTIukUGl2DTJmVfcJjIZ7VNi6Btf9Aq8PS2y2c/itgdkqmEP4ENsGcLWHn1sslgc8me3wpN5iGYEtNdj8PTRwaLj7sA/rOphwfigY5m5MaY04KytTRXXZXv79MmqcTrO1HDkcl/kv/Uf4Hd+L/DdyArym5RxbWwWxKAK1/IwSE30eoPYUsOWAFjgnllYCwrcBtKVypfkSoJ0CtfL48ngC0JY6RQ3ygFe+RqXA6Nxl5i4159JMx8kpGud6UvK65Mshj/HPgZ3D3J5STC7vdx57y8tJllayuEfHILYXABh7y4OaRurHo/PHGT8uT+2BZG/pOLVymKlDzBMb2qY3/RJv2iV23QzOayxMh8dmhyd6i6XuYNgZnA9hMzqmrcnZVDyqvB/J4pb2O6oDdv8phImF7IzMh9RN3JWYs8JWKdTeooPBHj70ZVQQYqRrtt4AMDA+9DsoHpdyHBsf3zNlQ0ofYprFtU+x1lOCVffeOGaY+t5+3t8o8a1MLskM4HLownchozIdxofjt5NjbTlgc3eKt5XrhrK/Hl8BsMH/89cCv/EPAvgrGH/n6UIke5trj2S7sRHl23zcba6OZN19nqzt1Gtx9zjc3FFzZzi1/ZTlKpzif3NlWhzXat7uDGyn2Fqe3qeNgA0AA4UuuX020Y01ASh+PALLGVBLJl2PXWoehxQ2Mq7WYYg3vQuo5fdrYg68SofY0oVpMUvA9nAEahsGhHh6nakUPjlgyQHucH8DiOLgmKaUi5UzwNxlVquxW3PuvPy60nNgzC+V6aLS8a2bYetmCdTe9jPsbD0CtSkuObLdxHjPdRdTP/XJ1Zeey9Y2uOrmeLObo93WqDYmsLXxb8nrAG7VwuJifsDT2RZrc8Bc8Tg9pHuTDOxYsTuqHQOjPL1UZ+mdi+9HF70ScoId99GORaPA5s/7/Wn/LfzED2A87Ep46JzYWlmuGYtF5TBRDtCeM9JJNgVqp2rhvBQ+nJrm66cALZ8/FXeS259vK6XnQWa+tE2AWqlIeK5RWQ4+CdRKplWelizF17J6kYrK8uGXrgM4/YLk9r/neWxDmIaC5DjOiXPlCscctH7e7skyRldem2RvqcyIpWWzOZBLZQ0AHdnYANQiA+UJgMVOnadzD9NQPh/zWiPk33VJP2Jod1+YG6zmLb5cX+L95VN8Y/8cHx0e4f3dI3x8WONnZ9+DXzZ/hR+YfYT3qte40G2K4+2g0XmdwDKxlSnnrR9Aqsxxm3NRztnAxJ4YvKA88lHFme/L2dw99Ciljhb9BWpT+flluNUoNCyyvHtfp+PI1IVhPU9lOGZzecyuY67lRh0rMz84m8IO527j63JW+LaXxvtq5A/NcSN1C1qMuwj8WHK6ii7JPRafnXED8F8pjz8O4G/8IwX82niitSjE2wFqo55haNJl7C2xt5cYFJbXIea2FHcrAX6TWcf7NXx4+pze2FT/ZzjGKQYXyA8iNDgvT62c51eWK3POMWhehkL9Spyyz/T+SLY2ZGMd2FoS4gEGhswQp6sGEMVB6l1ckCVzK0FtPq727qA2nIviLcfuxyGBeRt/h6B6rAeVZ33USORT7tD9jFUEMwrHwtX66H6ZyvPYfXrsekwDDDmWdnS9QoCLg2S6ls6bBKQJ1G5dM6RJYrHJPCVSyPHbJbabg1pqHDsYHFyNWzvD68MSt7sZ1LZCxdhaV4W4TLdwmC06PJ7t8bjeYWkOo/rnolFG3C+vz8ENysV0VAWxL2+w980oTvuh2LRw1GmnmJ94hUEan38DJag9leebxdVysagcdsm5IHNNiBKglZ/YzwfU5n7n5H7NzZ+bM7YEiHMNE99Pzue2iWvhydKBcYVOmazMHKjlMbHS6FJsNbg4l+J0cw9bXgeQf7B8v66w3wMw6/1RDtbRtjvaXUGuBKqnxKZKQlPcbVq6MnOl5ByDq8nFOrktB/dkHntr2S7EXpBq8hCviyP2NlwbefQg5nYd2pK5spibLZb6gFr16LzBdb/A5WGJQ1thb2toeKzNHk/MLZboArD1g6ATlEvsLVeAnq7H0wrDuT5ULnZ4dFwlALQfg1ueNggILGvKjcvciEeZLVQYEKiVDW0lqpiX/rhfEbglMwBZH9ppBw2rXGJ1Q0xwPHccAKDzEqNrJxjxe2clIDr1nbzLtqnyZxiBMGDMyvLtdBopOM/BW4m1pf0qVNDocbf8tvw3lP33InP7V38M+K2/CsC3MhdFF0rUKaHyZ+yGIMoCY+aW3aCuw99vFUbXTrKyfLvE0N+9piiXD7cEBfmT/24bP1duXrK5ZXsrYDsWjBrYWs7Y2pFycAS0yo/YWg0GFlK8Td4FOedOZL0+Tu8j9iVWjYtF7V19JBIVxKMiKPcENAeVQQK0VRyRnEVguzRBLGquugRqKZ3PAITGzLX8mEswm0tZxOtGrqNlmbpnfMzjWNoiqGXHJgaYH5/fEzHCra9C3lcfBgwo329OQZry/M6YCzeB2pnu0ESWlUD61jZ40y5wtZ+j3cb0PjvAHADlPPxMwc2CG/JyfsATFltL9U7AU6ZDCp0Uw+pwSOsT8tT6I1BLgyN7V0dlyDBQ8lBUGM8XjUKxjKujCw7/vY1gVDOOq5VXwDFRCX4D+YaAl5Pr+HwJ2H42UHsOSD2VF06Wl8c6FxDL+dy2E4A218rKzlKuInOgltyHpeRjrv08R3xqykqvdkkSW+57jy2APTdiOyfLM4VkYACOJTD6Nu7Hd1FFliCXrksCXCqRTKgoc6AbAG2YN0oxFnZgcMM5skeO4HZg+ob2NkwpHy2JJfLY2+dmg2b+HbxbX+H91RN85/AUnx7W+Piwxpvu+/Hzs3fxffNP8X3Np3hprnChW8wiEOuixw/F2nLmNif0CIz7Dbm8uDxDglZ+lN827SfuTx6XL5sYnlPDjtyVyXssfWd93rMPGBjd+Wh/fdQ3Gp5NFCSNx+WD/aO0h8rB+DGra+BRwxXdlu+llQAoj7PNfTPbzDbaD2LdBE7x7fjvoe2nDysP2bLtfGyTx9vycnJaQwOYo8JeuCRLqjVnsi0OkPGPKI/f9isB/18r4AcxbgdW4qKozaJTctVkXgYYhKnoBp8OzK1eAXo+AFx+So6h+R2WBui/OwwuQCyuORmHC7Hc4HwWly/LRrfUz5nq+5xnbwVspUttia2VJtnaIuOaAbVTJt1lOXNJTGJohAZ2llL5kPIxxdE6IdzA3Y6rCMbmusNMEVs7gNmQuqgffXyduAfJeoZzjN2Ms8rQcmQzUzeSMeSjlTmBqFEdZkS3SJk5F6fL9xtSCgWAl/ZhYhzk6kQK0gvTYmG6OEAwBrV0bS3CM9rYGS4PS9xs58CmQnWrUO0A03o4E+MyG8AsLB5FYLvUbRi9jdfScS17UqWmeOF4D27E0A/FXYwvokEDArQHVw+DJH6smH2f7e1Eo5Dmlf8V8L/to9OgVopIFdySZVxtiZSTYZXy6oD83cj1p5bzoDaH1CFu9FxgW3JXPvfjfsrd+S7ANqNgXKpYaS3yHbESqOVpfk4dFwCaM0DtFPiUD5i/OMhMc9fwgO0UcJXluJ2T5udtjbtB8/MlhlYAXH495KacU1FOZRX7Dvuxi/IoPRAG1jacg/YPnfvOU5mx51ZgEhU6pdH6QVV4pTpcVC2emQ2emFvUymJna7zZPsGrvsZ1N0fvDOaqwxO9xWMc0CiHNrnq6sg68t7ToJjMY0tz8bKk8FwCt9LO8oorni8MqHDBSm703dUgT73xAHEavCZPKoUkQJVSDGX6TlypjkK8OLObxDVhQzvvdVJ3frAmgWwJxJ6zDLzVt00eRsaLSpydGzek5iKXYIZvq0Dxtpy1paPLX4cBdW7E+jD/3+BHgZ/b4E8/B35C0qIcVZbo1WcYA1ve/hC4BUYDtRR3izmwBEYCi6XTcNdtMrq8U03dKePHyR+bfCU4i0sVxPsOch1/mijM57bJ4+XWlaan7WxgSx8naZKttQyQ8n1zbG3O5Me29PHlyr6pLAO1xbha8SNGlzO1SYq/wNJSLGhgatuQpy2C2hosdUwGcEubEmridUDxwrQ85fYqU87wOBipTEh1Kc+Vi9PNxToTIKQR3BCHZI5SPCXWWznUbIBgztyPCdSa6O4VQG1I8fNmH5WQNxrVFqh2HqoHUEW2b+4wn3W4aA5Y6BZ1lPbjDD1ZGAGu0vbhPga3+ZBcPqg2Q/GBEsZMM2Dbu7Eb8322sRuynJ4Guv6n/w7wtzEezSzhutw2NhJKLsh9hq3lmObcEclcA3AKxMp1BGp7zCdurARoMbEMnGZpc/sgs39uX7lfCdjW4/US0CIzX7JSZZOPeAmUAscDHdL4SIZ0aT4H1PLryb04pXt7YKD2FEvKt2voI+b23GPmwO4pgahTx+fHPHJBVrz9lCyuy4Jbmidwm0BuBuAiLoejDS7KZLUK8bmSvU3bqa3ieWJjH+KJ3uIHZx/imdngg8VTfNA+xlW3wJtugb9383345uE5vnf2Cl9uXuGFucGF6mC0T4PBFmrIGoEMg5ziigdV5VxeXEr3Y6OrLtUF7Ztlb8W6KXBsotfA0OfJ9xFIbDKXDo/3e7i+RRp8YB5vOYIg9PVMasuN99jTcZSFuUM6rAdjbwNq5XetgBGmWFuIw0ydQrodc/zI43DltIZGNRKSoq3cJVkyuLl1Y/vJC48//MeA7vcqVF/CuC0g5laiTtp+Lnt7G4/1LB93W+pzcOelBnkZilzZqd8U05tfZxPI5W7KwLbgsQY232HM4mKirJzPxeJOgdvT9tYxtpyt5UrI6YNK7rwEagVbG7aNgZV0I86B3Jw7MhnfrxRXO07rM8TUSrat0hYmus0SqB0D2oGh5flkc9fG749MiiQAAwDlMbiUske6AnOT7j7SBleiMVPL65M3GONcuoM40jlGLuiyTnV06dXKp4EC+tH6cI0+nXPrGrzulrg8LHF1uwA2FeqNQn3rYQ6AV4A3Cq4B/MxhMWuxrg5YmDBeSKD2IHICy4ZO1iv3+jEIEi0EbDlTSzHEnO2tjyK07p9NuyEjs274Kf/34H/fl8btS0bdOCcOlXNBtnMcxdVOsbWn1I/J5N3x9VN37GBgMf8Mrselj/gUSzvVEJBNpQ46BWwLjmOkZnxOZZ5jVI4HPtMDfc3mS8dtxLYSqJ2K0ZX7n3rNp+7jl6BxtvQcgCv3BY4B7qn0PudeDz9eUWQK4brDPnlwCwSAy5nbWulQFipuIyGpwOBSbCuBW8neWhZ7y2M3G7josRbS+FA7ulIdnlSv8Z65wnv1a3ytehc/s/0ivnn7FJ/s1vikWuN6uYCFxmrW4knVYq48Onjs43Gc9zDKpvREwX3ao41t1cgji8UKExhvvU4M7qhvwh83sdKZvkCq75MD6bzuxxkD+H7k2Sf3s2pgdceCUX60b/Jcg45g2w2D/QzoJrbYE0i+/21ysqlvTyntD+/v59Bnbr/zMULx0uRp5SV0Yj2fNmJeTsNXgFhbiK2yrSPkKQNfx+Y2Pwr8mxv87v8F8Od4+8IPz1G2bD+AQViKl+dleXxutApDvlsee8tPL+2ceNtzAS7ftxHr5P7DuiEO1yeYKFlc+UxomeKMSs9L7ifLHb8Nd7W3Arbc/SQxteTOKdyQCdRythY4Fn7Kqu+Wzh9jazlry8FjLl8tARwCJCVQSwAs53q8NEP6nhBHawdxIf5BF6OJ/JqBMdDkH3J5jxzUkjswGY18cvceXq9HrHlJYESKRPFYXWJqM6B2yGU7rncXY49cZG95w2YYuCXX5OP7JlA7S2zt5W6J/aZBfaNRb4BqG9yQbaMCWzvz0IseF7MWq6pNsbX8mZMas1HuyMWJ3mNeT9QWEANtEXLpdt5g6xrsXZ3yHXOm92FY6fMnoaCEfYD/r74E/BcoM7G5+cKvFFebE4s698Oda4um7pjf4ecDanMAc4plPbUf2Hq5f+54tE4qCQKjtDzy0eZQPi93juVyBMofbcsNuJeubUpROWd8f/4y8WPKsqVjPFCzmW8rqQdLgDolMpUDvd8NgCttignmSsqazifibvm8VmpUHxSHKxnckBc3bxR7G0SmBgYzxbDCY6l6UN5bACn+dqVafG/9CvNVi/dmr/Fx+wjX/RwHV+Hnd+/idb/Cl5pLvKyu8MLcYKl6zClcBoMIFgHuuRpqJpzLj3P0xnuiGiQGl1yUZewtXX+oswLAFdkAcnYsTDVmcuVedJxRCkEEQSpgiPGmdjV4UoXBYwK5lMrPquOwLWAIN/olayV0mdt+ah2zHGsrIUbpM1oCu6XmpcTcVtFrqgKESzIwBrES1HLX5FasA/78r/P485se3bYOzC2/cGJu+WHlTUv2Vt4c7UMDvGugehYG8lUFLGdAY4Yrk32ctwGsOZPHoD6tXJ8717BuALgACm7KU2A353h+CujSfjxA/G5A907ANjuSh+Fjwk2rMdjieUmLbsgZQHgKNOTEk7L5aqNYVO90ArW9M+By+jlQu9RtUj4OsaBtUj3m4kvymvjHlQA4B7elOhhcegcXb6lEONRxOWa29DHn15Krx+EayqmWRorCPgACegZJZdrF+qb9/ThWKZxzeMYODqSivff1EVurNhXqa4X6xqPeeSjn0c8UXA3YmUc967GsWyxM+HMndp4AqIVGDZsGDBwUdATiY9afx1cPo8TO6xFQ5qCWYp+I2X8YVgKvJaDbQv2eb8L/FTVuP3gcLa0vpffhoPaEC/Lpq8ljMSqHzPrS77RIlAwaPgVSwcrjzH1OgNIi+M1VNNuXs7K8UuQ0V6l3SXcjj5VzQd7g+Nyyv8K38X1yoxxT13LqZZm6h6kyD8ByoJavLwHc7D53ZHXl8e6aeih3nHMA7rnsbUoNpCj/bZ7BHV9HnDL2FsI9t4mgi4DknrG3S93hsX6NX1a9xpWb4ZvNM/zs7j18Y/cc/3TzDr6pnuL9xRP80PJD1PMeF9U1Zuxce2+g4dEohxkBcYQYYAskBrdRLgLaAbQTgxvx7wjc5ut0ALVcFZksuDSPxUOzxzkSoBqnAAKQ4mqBISQICJkQDHxichFjmEfxvjzbgVIJ3Ha+QutNZKyDn+BIX+OXqkmwSt/UU6C2VC5jpSI8/Q+HH1MAl7sk82OPpxqLs1ySCdR2Yjnvruz/3z8KqA1+yAP/ZIoyleytdCWj2FtJv1Jb1cQy8aZ0G1yTAUBXgb2lnLe5pmosgVU23jMpAV+5Ta7LlRkv21hOqinLhrzUR+FR1+cAYlqW7O95DfNbMrYDW5vchxlLyo1ckFOgvxq734bj5V2Q+cggCTSkmA8GEnm+3FJcLbmNBtZtDGrJCNTOdIdKuxGoJZGoWvWYqy7r4pJzqebbpKKfZGtlvjcOqnh9AkjpemSMbmo0/Pia5HWOBK7E4ECY527TLrr/jEWuyOh9SC7e3uAQQS2PPdXeJ4a88yYkdPcmjsTqmGohMKNX/WLE1jbXGs0NUG89zMHBVSqJRrmFw2LWYV0fMNM9jHKjZ+5YvJHzCk6pKHyBEbA1URBD03PxOnVUeHqoI6Y2imJV2j0QYFvq+SOzbvj5X6uAn8RZbOypH7G1pTBM6d2T0/zhdyM/5OeC5WlQKxP0loBobn2OpS2VL4DSk8A2B4ibYzB7F1ALHCt/8EuQx8kdt/RAZQudw/LyODmxqLcFtecC11MA+J4bT4+TMwsPnif2bQFuCZByOwfknnOMybRCysHAhPYFblBDFuytZG7TsZKSsgdYmiAJcOkKKC0QxLH4FVL87bAthqooiy+YG7j5B7gwe3w6W+O6XwAAPmifoPMG36mu8LK6wnNzO2JvgQBmu9F5xrlau8jcdnSd6XrHKsunFPwHrzI/Armpj5EGtseuxufYAFAtrJp+9ywNF8S2eJTmhx8vttdQfQLeGpQm6AFRtuf33T/7sUvnit9lztpOdWtyYs1ToJbPS1wtpzVkblu+p2Rq+Q2Utg3rfv73e6j2/4xu+2+OmVt+GGCMjzmApeU1K88xGW1/jYG9fQZU64G9xQxYs8H9HIjNuSWf0xzmwKzcds7yMWC2GAPcCiT3Oq5v+YRpvsTiyrK5fc+zzxRjO1Yu/v+z9+/Bti37WRj2dY/HnOuxz2NfXd2DLvfqcSWEELZEsLAT7LhkUpYpYxNT5WBwxMMCXIBjKqnwsAxlY1OoyiiBJAUlBexASkiVVOFAIAYCRIltFQkYIwW4iixdLjpC0jm6955z9tlrrTnnGKO780d3j/Ebv/nrHj3nWvucve4dX9Xaczx69OjuOffo8fX3e6SVPZoy5SjgU+JhWJITlJqURlJL/Wp5gB//N5Ha6CtDAxtFgiKR2pjGJ5oeU2KdSlM0jgUNTZ9ZxaY+wnHBgI5nKl3PBH89NbkVx5d9X0vm31SlpebflNRGIrkzDfamQWemFDi1MtDKhfQ/E7mtnIV2dly4sE7judnivWGu1tY3Cs2NQ7Oz0L2DbYJae+GgtgZXxAzZkPbE77qmSeOdnlZ8Z6boGloZRBNqS8rT9FBzU3tvjRB/M5fVITuOLwekR2PODBn4N/Em/uxn1PwZVKLWxgBBJDLycIExCnKqBbnjUg8iSgJLPQypTRHNJZWW7/N7oPBTuJb7zALzwZGYP93OrR7wmS9FlulfXN3mam2Kr/O28QBUJcS2JNeBBKk/pyjWHwKqQiIhwcyIwVzBBTJEw7ksuU3lvrVwyTpLkLu2RuXrV3GhMqRBYubJPLDUrH6lsuotn7Gp32tc/AQw+ok2yo3XdU6P6XwaZfGx6gZfUT/HL9r8LN4anuDHuzfwY3dv4CfvnuIz9svwarPHpy4/h1988VP4VPMFbEJzewfsiTrbqOlp0wPYu4m0aji08GU0piBZPVNvedwPP9Zzwj6aKSs1ktxqDHBlxvcvurAu1evHmS9QeMQUQvTayc3JL0L7YI5ezY0kl6q4lTJoML2b+rzCdTHhfqmQI7hL5FdiKcD8eSbVwVkmga0xBpGSLuGXlRLc+MnNkOdTRYsWgPe3zQWNorSQq7bHlNF9zzcD3wMo93G4m5+eN54S1rhN1du44HqNSbl9iuk/JF3QpR28hU8LFINLDVNaoLbyLZbWcU8xT5ay6KWmw/j2wBcnusz2NESTmXIFhHep+6q4qXccTnbzOJnYcrWWmiFPeVknZY+Ge0/6eQpqbXl7pocgz1fb23oW5If61nI02sx8aiVSuw0pZBo1/Q9PkdpUoCgaMEpSa1NpjiipbdQwC20/G1cHAPP7i+bEkl8vWSCg5XIm1JGgxnHemZYQ2wrOKSjlYLX3cTXapzWonV9hr5yFtg5WWeigjN6YDd7rLvDu/gKHuwb186DW3lpU+zDJVgpmq2C2FvW2x3V7wFXV+Xx9xC92ZlrMIhbPSS2OzkXE3xNPCURJ7Vb3Y07jlx8yec3RyT/7XQr4Q5iCJ0iqrURq72GCXOJfS3v0MKR2IeJVlthKAaKW9vk9sPAp3TOQWoms0gHi29JXzcumkKsv5VtLZ8/UUJb8AFJY+gFIbU/1iztpfxGDK7hAXo3NkVsbzHs59PiO8GKixk/31CPBjQquRHAlcjuvD6N6S4NLJcsK6m0cvUo5wFlvKRQQLaKu9AFv1M9gLzReqfd4f9jCOo1n5gI/dvh5eG4v8NHqfbxW3eFKDWhoTnWHWdoiKXpyVHApvMKJkBd2Sg8UlVCe7pBfO0ZYpqcEBfdUxIXtiQgvRPsmC9S5Ou/Tpg8UKbJ5LsEtvU+G0C5BqiYeb9knvzXdliIo0/rrcZ6m/rbc9Jh2pE2c69m5G+C7/jFU9zVwP/tZ4BvJKYq4T7lyK5S7ZtucxXfkmm4yTY7qLQ0sRYueCvpWIX2tfJyBdGyypftEM2ULmi7oVBVXKpu6fhnFxJaHXKc+oPMAQRMRiqlbqG8tNUM+V63l10UzaGp6HP0hqZJIA0YB0+phTVL6NMpgE3KqbnSfJbW0PTSacGzTGN2PpdvJBYyiwZwoOKmNaYW4STetSyLJ06RY/rBPkdrY5731PrE72+J2aHE3tNgN3g/VOYVK++sG5SNRD8piCKQw+rzG+u5si1uzwfv9Fs93W7jbEAn5xqG5s9C9hdlomFZ55e/K4slFh1faPTa6H39/1ikMdvLbGQNWqWmBxX/Of7sUow9wNGFmQcYq2InU6g5bNeBKPwbFtjyF9/iX4mIps+TE8aWAUdJxqUVgx1M85DRSmyOcS8S2JMy9dC2/BxY+E4SWdxbCp3QsZZFOIc2OOWLb4VitjfstpgWQqORzSNfzHwSNq5X6kaTGQwIdD1rXlwi4/y2QV3BpwKlKqZk5c4rc+vOcQN+f6Mb7VUqPMXeNU6iVP2dh0TszI7jUTJmS3MksGeCmyf5ec4zmvpjUWyC8E8DPtw3mqXh6Ms+/pg942r6FX9i+jS/YC/yj7svwmcPH8ObuKT57+xG02uDjF+/hGy5+Bl/XvoWvqO6wVZNCu7e+nm1QcCf/W4c+3AvwBLVSsS2eBBv4MtT3li7684XgI5Ibg2i5ifBGBXccLx7Lg7wXSaDn6JW8nsnlKv0eE1MRPTrB9lSCmyt3zj5BKvWPUDRZrTRVLHFr/uljI29RY4/J3zaCbt9kznViOfed/xLwnb8Yyn0T3M2fP24QZdyU1MZPEiQKTzEpuFekjqjgvhP+ogKcUW/pbekUuKTegu1zgrs0TfLUQ3wIAPlewDxd0GkqLl146DLn+a9Oxnk+toKyOk9iPpHa+6i11K8zBSlYVIxeO0ZAJql95mSHPPADqd1SMqs6n5s2ESQqkjJKavkDeEwYHs2XCamNvqt0sQA4NhOm5sec1NIUQdO4zcnxjPAmTIRSIf2pWjsbd0w+tQfnzY9vCKk9DDVo6qeopA4h2BIli1YpRF/X3lW+rm6D/a5FfVOhvvW+tfpgoaw3Qx4ugOHSQV0OeLI94Ent/Ws1HPqgItPAYFW0HFB2Mq0KJtvjOAu/0ymA19zkPqaxommL/G/lMaQWKCGz9Nj/Hrj5lXl+d2bAKMkNUyK7uR7kenYaqS01P86RUwjnc6Q5VZ5/CiSa55+VZh0ktk9NgcORIraUxHJSG+er1DDytnHFli4n86XlpS9eajeHRJAfAXL+tBJSpC7WJZk4lyq4U66CNLml8AH6HkbFNc6iUjFegoZxNrRBjzlpT1FwqyhrKoUpj25eR4znU8GZfBknbm9Vj4/UN7izGxin8V5/6edMq/Ez3evQsLitn+G16g5bZUY/3iltImafNMgSyLkYQXls5+gzjCMSmLOgo5GVqf8tFS4eIlOA9F5C75Ea60dpgkwhkdlTUvfw4/zaJZK7gAwfFgmsFAKIPvppECr6GbljDYR5m6cA4hMLyFUQjnPi9BaAG+D7fgK/ulP4C38XwK8QGhMbyO2maae5xEqNuKiNNS/fyepthCQiS8h9hSWKbMlPgI5eGpOKqwFoDETFlWrh+zQq8uk4idhKBIw+PObBkdxkPstMcIH7+dbO2zOlGIrklpofd7bGwUxBhGZkJyh4tZoC/0SltlEGbfjjQZqAZVLLFdaR3MZIfww0EBcl+VT1jcQ4p/rGRQIp8BRFDMLAxz2adM/UXjelV4roXD1GL74zLW6HzUhqd/3cDBmVOVI8471o/y0UDrbG7dDi+aGFuauxvfN5a+udhR4cXKW8WnupMFxZbC57vLLZ46o+oNHeP5abDEe/6UabGfGsMFeuOemNbRoJOGt/VH9jsKlGmcWFmJcDnMlw50pGKX//rwT+GMqDRhWqtSWmxiVcpdQE+eHMj1OkViKzEM6nVNolYktmSYnUlhDbJXWTIzXTSfXziF88+BOdt1q2T+taIrWpa0p+LBw8hDav7yXHfUgt34/kTlJvgePgT3r2/Cb1jvNSVAuXzH7PI7fz9sTo+3G+1BPJhV94j4urEsHl4xKjK1dQY4ThmBZour+HCYe4ehvL0FZG/1uu3lqnsFUGX1W/i0/U7+Fu+ybeMq/iHx6+HG8enuLTNz8Pf999BV5rd/jK7RfwDdufxlc173jzZAB7N/nYRv/bbWiTcQ57B/Tw0Zr9aLmRFKcUZevmPrg9uL/s8TaNpDwLZklQQjhL3wNT9/D3mawMX3pQvsWfO9K53DG+vbTPFxbZczmn2kpVS1XSY5QP0m1Oc+LnVGaKkuz32oWrI1J3u52Vd9/+G4Fv/4+gnIG7+YPzzkVSSoP08qBRtMHxVlHFvQLwOqZ5hS7+votR4dVP/R8wj5xMv2o6PTah6lNs8EquodcuKbitcJ9p2wea6gDEYFPAPryD0R9c6n2oD4PFxYM8iomtJSQnftLAUZVyo0I3I7VjdL3TX/gpSeAkLpJanq/2kCC1A/GnpHlUI9k5/vPqWySTtO/UpzZHaqnCmiK13LRbSp1ExzAuHvDxGEkxrYsqjeS7iX2hbYljOfaP+drS944YpOtgG09qzQa3psVNv8Ft3+Iw1BhMeKnRFpU+JoX0+41KaW8bdLbGTb/B7tBC7TTqO6DeOejOQjkH01QYLjSGS8BeWlxfHPBau8NF1Qe11kctjubpjYo+3oGAYp7LNr6ESTl1LdQYMMpP8npUn2f9CN93TFf08qPkcUb2OQ8r4X0Lai11u5RakONftBfnk9oUSy8ltbnctPwYhOtKiS0j0CnTY/7V0U8IA5q7vgT8i6ATdpzY34Wcd1YaynieEuFYz5K/q9QPshK+uEwtjdsjIbYPCR5cKaXejuUzKi49X6re3gf8XlS9jYjq7RhBF+kUQQBmx6l6y/1uqzO7VgVzYAAzpbSCw1YNeKJ3+LL6fdzZFtYp7Ix/Fjw3W/xM/zoqZbGvnuNKDRNRVW78RgwwtrVS4ftVdgyaOY0d6zdtk4t1zYNCVThOBZTqYwR3h6LHKE4hokuk9tHglGfNkmp7CqnlyJ1LQOLDqWM8Mynd5s2XPgf4KMkaAztDUwB1bBs4nl9ja+ixvw3gh4Dv+wn8590fxK/5vwL4TaxDfI6gXJnPidG9V8oGICnnzVQ2Rk7GNpC0al4Fj5T8InDqT0H6Tul2B4P5kifCuxgfuDLymsNJiq0U8Q4g6WCUG/elHKvcZKQ0aFTKnEXyq40RkA+2OSK1lJRoZWdqbTRB9krtMCq1lJDzdD4lSm0ktdGcmY6lIQSZB47ifsCUYPNxtJRwhwWHGOwoqq9TWaKsqznppYT2aNIiLwlxfEffWtPgbmixH7xS2w2eCCrloNhiQh0UzjjujTbjGFuncDA1dkOD7tCguvPEttk5VF0oE8yQ+2sHfd3jlW1Qa0M0Yxr9evpOJt/auX8tRB+dqNbGsYjEdkooD0B70zY/fmSFu2CyfzmQYkL8Lzy1JW4npXdN/FG19hSllreU7n/4pDZFbFNkNVW/VJYS2nCMq7R0MKSvc0mNPJfU0vponTSK8TtkmwbekIYwroJTE2Rp5SPWkeuT5I+71LcvEmKbi/pLz59ST0q9HcuOi5PH6i31vS1Vb2mdEpaItP8M+24i1CPJdRYaVVa9Ha9Vaj6WbsoPO/nyeuKYU2/pca7gtjE6P/zc0ZO59yP6Dh/Z3OEXbn4W75lL/MzwOv5x9xRvHV7FT+9fw99RX4WPts/xqe3P4VPtz+Er6ud4Et5vegAHN5nqbhTwREcXJYsePrBUR+a/UcElEZ2NmiItRyU3/lFI7yYpH136bpGKpBzx6M2Jz0UJq+DMj19HmUVEzhxZIsAB56q20rGIlHLbsGP88VyjxoAtagD6yEhXqjHHPmmrPAt13/4HgG//G1DuH8HdfIe83hznh7h9TT7jnHZFykjqbbw2Lt7ehr93fRl97dVbe3Xse5v64/63SJQDuyal4ErXx25xOz+p/PFQmVDm2A8XuGOWdCDb/EvI42Qf25QfaIREanNBjpYgmtsKJsgHktInKra907NcqmOd0a9WT361VK3VoQ+837nIx5PfrBtTAkXVN/oZ08TmYz+CSXNM7yP66ZK2HAU4clN6IOprHAnZTFWHnbaV9QQtgJab1EkS6MFN186jIDe4HbxKezAV+qGCCeOtlIMKq8i1soHMGmyq4UghjyTyYGvcdi3MrsL2TqG+c6j2FmpwsI3GsPVmyObSYnvR4UnIXQsAvZ0HCtNq8jGiJsMpRNNjmi6oJ/7Z03fgRrP23lZoKp+Pt1EGvTvLbf0DBn305JLpAPgdP+rNkGM05AdQa5eIqdQi3uqlXsX54mEDRaXKYeGYFC15idwyQit1UBoUSujAjkt1SNeXzB0SiaaklgbLoHVKVtj8+vjlUd9cfl/eBsl0uZScfpEQ24iSqL8UUuofXk9OvX0I39tSc+Qc6eW5dn1ZPSq4JUipt/RcVG+5IfQ56u00ct7X1cZ0PIjxORwaWKC6w941uK03uDPtGATzYGu8Y67wxDzBVvUw+jCS5akOD/p96PBXqfSYj9Geg3LLIyGniGhFCCwnt8BEeLnJ8hRx2R69A60owBIZlohrqnwJsSbgFDF3rGH7LdvuhWsohx+CEbJFDT2WjjXHUi3bRuZYz879OQA/APxnP4Hhve9A/T3wGSF4p1JWUPRWYGVuIOfjQbr8+D8hod6eAz7N8+/loerNlfEKbhVMlCekn9TlP8oToiKrmRkyx2hWOgvGY4+I2CnQ7AEd2+HbMDdBpoTW/1XobB3MUplqqM1ItDZ6mJkfj2otNT+Oq6oCqY3kjxJ5Tmp5QKExTy1RaanKyscUmJshR1DzcJp6iebzpaujNqxUA+DZCY4I7TTO1RRgItwzjvedbdHZGnvj1fFuqEIkZF9WAai088psZdBWBhtt0OphTKu00b2f0MICxE2/wd2hhbqrvFobia11cLXCsNXoLwF7YXC56bGte2g1mSDvjDdnNk75F4IF8EmUk9rO1uhtNRJZDQerfPQNrdw41o3z5PZx+dgW0EqJg50YY+kUtbY0Y0uJWiuTWkmtvQ+pzRFcoEzdpecoCcZy1GN+TFIpS0gtJ8SxCdI8kvoiuF9tVG054lcgtU/yzU2Bt5+aLfMXjRy+CIit5DvLya1E2riPLie5XL3l5HYpN22K3Ppr00SZElgegTmFKgR5ouVNUAgqpY7aqoNZcoVqVG6paXJqDGPbrXNowrhY5NXbnIIb4dP1mNDuScEF4P1vm3fw8fo97Lc1vmCu8dbwGn62ew0/fXgdn919FBe6wxubZ/jK9vP4qubz+Kg+4CqotF3ws43fZ6OArQKuQrs659CHqM59uPdkgedV3C0srJraFvPgcl9cyVx5ieBy4YOm/pnXzYNzyvNttCL8kgQnShJxypFc6bnfLqu2/BapY5z40PM8HhOP0xQ/60BdpkBSKeW2IzXxO0o6caRdN3Df8adx8x0OT9x/Aff7/uX5NB0/OSvvMFdv+YtKnBepetuSfVr23fDXTOotroHqAqg3GNVbsMv4X5s4Ll1H33J4mdR2JMVc9eVl5OsnBRdI+eHyd6RlnCwvlZgM8yjIUtS6SBJTdeSundoykayoIHbhb7DVSGoj+Yx+tVGt3ejhyMeWk0feVkmpjf2N5saR1LYwoH7Gs5y7CZWV+8Km+h/JWOeqkRzTuiKpjUQ1ttU4/9CnJJcT2qPV0uCTFM/1xId5Z5pRrR1MBWsVnFPQ2qEKhHZTDdhWPS6qPgToGmYLCoA3/93ZFs/7EA35VvsUP7cW1cEAzsHWCmYLmAsHdWFw0fRog1pL2xMjX1fVPCcf/03x9Eh0kSSS2oOpj1JEVXDQzo7m7TTtlVGPYTKlLGjp0YgygTJFak9Ua1MPQdryUhPkF6/UlhLUUmJLfH64Sku3U/vcFzVH2DgZBI4HOwVenhLSOHFHUktflqS/VB1L5JK+m9AfFb1naX8eKbE9NXDUOfVzIrvkdyvWI5Bbvz1Xb0tUW67K5kDvZZwj8RRyKWLUIrkd20sWCjQwSw0U1VuT6E48x1tCFVyqYkb1dqsNts4vvPeuxl3d4sZssHMNdrbFs+ES7+hrvKZ93tvKmVFNzi25VgCswmjFlXr/4CougHH7XLPhGFV5aks6INQ5hPUhIjO/cKQWEVPHo0lx6nzu+qXoyKVtEBCLpVTZuM/Pg5ShZCz12RDVFgD04lWx9l44Rs/RFvwnuMYfAv7gTwDfHw79bQB/EvPx4J1LzT/cIpqqt1I9EdRFpwV0HDwWOflU8HGPx0qoY2m5U9ujgx+uG/2o6XOr/I6nRUXGXNmK4MpqygRZQi6fKg2aRMvRCMiR1FK/2t5WxK+WkNqg1rZ6QBuIVcxZG31iad5d2mcpdQ7tb6OGWZAoidRap9EhEqc0qeWg/rWzsQsq7VTPRGq9X6hm5G2uvtJJl5JanhKIJkI3xI/1YGrvU2s9qXXAGAnZB41yaLTFph6wrYZAbOdm31UI+NS7CjdDi/f3W5ibGpvnCu2NRX1roDsD22jYVmHYKpitRbMZcFH3aJQnmENIExRV+lpPQaGmBY30BBdTEEW1Vgo8ppWDdgrQBpaQ3ceHwjW1P/j2ZIYMlAWRYnwulbdW+kulEC0lxLSsDxf2UNGPS8tJhBbsPN+n9WNOaPlglJLa3KdEak8lcVJ9PGDUDaB2gB78b2B81NCvAKweSa3NEdv4d4vjvp3bH1r3I0Kp6XEsR4Mi5QhyJLIp5XYpgNRYDyO3QFRm5+ptJLcT+bWjEsvri6Akl5blym8kbRrH5LhSCnA6LPkek9vYdw6t1Kje8ujJBsjmUG3UnGzS+VjD56b1Y0AU3DDnPNEdvq79OXxV83k8327xnr3EW/2reGe4xmcPH8VnDx/Fpe7wZc1zfKL5Aj5ev4enuhsVXMMUXG+WDFwqAOM7C2YqLkUVBIIRTMkFTnU5E1IGCXEw/Lnjefwofgsp90Wh3HKuljqfO0aZ4zn7AZawBkm1pZeO5RbO86byRzL3t23Dv7EePW5J+i79TN2BU/LpuPsP/wr+FByuAfw691m4P/o1UyPolM55cfykFko35Fyc8+L5K7L9Bo7ns7BYrFuv4NbXQHMFmIT/LYQqlt6h6LWtsN3iuH5+H7rfLpyXt48jKU+5cMvI7VkOgZLSyiP3lpDaFOh1NNjPqIq5ydy2Dyaj0ac2+tXSYD8AxsBFTfgbVUOiHGocRy027KHK21lCaoE5cUyR2mioNbVZNuWmeWojufX+tGpGansnLOeMESHnZriU1M4IG+lHJHNTkCbtzX6thrEKdvSt9Su+bT2Mau0mLCZEpbZSdkw55EntBu91l3h+t0F1U6F5DrTPLeq7Hqo3cJsKptUwW8BuHS7aAZvaP1WHQLIj0fZtLZtUqWl19NGlpLaLZsiB2NbahnGYm4nH/jxuU2T2yPtRlPM5QYA8V63NPWxLekJNkO9PVk8ltZy8QiiH42skQks7mNrO+flI9dAJNeXMnIPUPk5q3wHUM6DeT5cZ3mVaH62D+9qm2sB/TJwIp17+lvpC6/8SQSm5vS8ouc2BKreRnErkNlVvriwwkXGpPZwMz64rUG959GR/P6mP80+u8M58dZ3/Z55a0WGrDLQCLtXg/Wudxp3d4N3hErdmg51qYKGwVT1e0XtfzoWxxESY403i28I4Js7NVNyIChMZnoMpubg/ueU+t6XvlDnV94sapcS3JKmpUIfrAOZZJ6KEK5eqtiDb9HiD6Gc7EJPkWIJ66vJPXpP0Scv/PvwW/DsAOvy6/8GbwG+FT337g6zxSHSKdy7ihhyLhJbfvsU8wn9cxA14Ef63EbQp3Av5g0KMpEyfkyUo97FN+NdyEsr9ailRk1LZcJSkB7KYiGsktd70uJqZIAM0+rGPwLupvEIboyBv1UD8a5nKWkhqR5U6QWpjFMFIaFOkdhpHNwacSo0F9fftxmBR9WxcpDZH9XXcxjGpjf1O3df7w05j3VsNE3xrY8CourKjWtuSgFFj7tcwWRko3NkW7/WXeGd3icNti+1zjfZ9h/b9AfrO/y92tcaw8abIbmuwbTxR1sqFlDw6kNBI2s34/R8tVhD/6NG/mZFar/76PsYV6Bo+Hy9U9NeezNtHE+VMMI6XB5QRAPIbfZfnZtJxITDQKWrtEp8oidr34ZNaPji5wUuk8OGfqWM5Upu6hpPaFIFMvSCliDJN83PjSW3wEvAr/NIQpNpWupohkdoUsZX6kxmrkpe3DxtLUZBzkJTbiBzJjeSORkuWIiOnIEVMTim3QDRXnqdmk0grV3AjuaXK76wfiJH4j9utR+NdiNGSx3IJ/1u4efTkUb2dah0/OcHVan7e9yfUF9sc+wyFLrznPNEdPtV8Dh+v38X7QcF9Z7jGM3OJN7uP4M3uI7jUHV6vb/Hl9ft4o3qGV/UBT7Qd34V7QFRxNyoSxaltxnFiHN6JuJILuhAfv9Njf1xAXoym5PYUUP/cx7HYjDTPelH3ofsg9wTZ5+cJonKbU21Tj1xabaq8tB0f99Gi98rbNqCGX0U9jpIMyOotbUFqIoga8aQXu7/5X+NX/k2Hv+L+Htz1PymvY9NXq9ipWFWLuQ8uMA+YeI0xKvJIdqnTMZ3jwlwbFVy0XsFtt0DXyosCfBz5uaX3q9x6iDSl0+0lP9zUdgcDGkW5BGeHcOXmwTy4kfcJSaXpOfavlVRaiRQbxEBL9WiCTBVbyQS51nZmgrzRw8wEuVXDkQnyrL0JUhtNhGmgKCm/7Mz0GNUYOEoitRGajQEdC5rv1pPZKfDUVLfsK0tNo+ODXyK1OUxqrVc5jZ1ngdVq8q+N410TUgsE9TfUdTNs8G53gWe7LdTzGs37wOZ9i/qmhzoMcJt69K8dLhz0NvrXBv9cpzwBDWZQdSS1jGjyvh0HH2tmpLazcaFAhfQQ+ij4SkWsEx6PYgssPcp+1L2Nb/gk0rwtxePInxXU2uU7y38P51f70KT2Su787Bg/n0jhg4VPui0l+i25PkUIU5Dmfr7N/GurA7AdyKQZvwo6WUOog5LjJWLb45jQ8rGgfcjVRdoRCa1OvKx9sUEKKLWk4J4adVnCOX63kpqaSjdEya107ZI5dU65He+dWFhIqbc09y0HfWFLlYumyxW8ifD8nMWlMngVPZ5We7xj9qjgsHcN3hmu8HzYQsPhebOFdV7FvdQ9wNTwGDgKAFrlSW+FsFiAaQEht+5z7DccIkhP4jCk2Bfz8ZgU13PU1y+qyMr3Jbj0eonULj3/2XlX+d/h0jOS8+J4jE4pS764nHPzzx6exEy+tjxKsnQ1yNVSrbT1vAe/CX8ZHfSTN4FvDsXeJMXoZXSb+9fy87QcvR133WlxPO8R8qzh37ta3myhidS0uxT8O4vHUqOYw+k/a1Nc/iRiKz1cOAkdX/LPfMGXSC2AmRkyj4Q8BJ/aSG4AzEmtstiEYFEbPeCy6oJa25NUP/M8s8n2MR/iSG6pwkrHKhJOTmp9ep85qfV1TnVFE9dZvYzUUrIfoxNS/0/jdFL9LpksImGLsCEKYlRsqRlyDBoViW2lLGo9+TfH9lAafGeCWru/wt3NBs1zjfZZUGtvD4AxgG5hthWGCwVzYdFuBlw2HTbVECawSVWNZLYO3/9Rn50e+0EjINO/zlbYmyZEeA4vP8pBVyyQRsyJPKoXj4nUxk+ZOn7Dt2F6Qi0QWOkvmiHn73J8jJfPPcj4NbJf7YsmtamBQWJbMD0+ldguJZDLXR9NmUqUUTrzpO7BCKnaebW2ZZcfDQ0SdUjjwd81OKmViHDqHYWD3EeZ6WXtMRBb6v8qEc1c2prUvqTg5q4/x992vPYE9ZaSW6rcRgJKSWg0Mz5qN/XbZf3j10dwf9vY5xnYbsx/G8ktV28rHBNDuh/P8xQYswjKCtDORyuOx6MfrHEKT3TnIyPX7+P5Zov3zBWemy2e2y3eGa7xznCNT+se19UeH6lu8JHqBq/pHZ7oHls9pQiymFTceKxS/v6081TFpYqy7888EFVUdA0UGhAlV03RlalJ8n3xReFjCxyzh5KyuWNUfuPPytQ+PYa8apuiiCnKyMvy/bh9rL1qXGSjJEt+tlI05PjJPXqPlVt78w+gPu+A/99/AXf9Lx9P85TExn0qkVIFl75G0Ikzztc3pA5aPx+cDsA7QB3KN9fA5sK/h0UFV/ou6O1ODepJna84z5bWU/j9TjlXSpiBeyi2wP1JbUodPEprgynHKg2SNFNrScCosZ5AcGgk3kvdYaN5EKPzSC01QeaIKmj0BbaYfGsjQU+RWq7WpsaO+xybcZwmH9xcX2hZqTyNcj0mZh9VzqjY6lk0ZIDkrtXz3LFj7ld4ItrbCjdmg2f9Fs92W9jbBs1zhc1zi/p5B7X3P2/TVhguNforwF5YXG4PuG4OaLVX2rvE5McJee+q8TdL1Vqfj7fFzjTYG5++qDfVLGhUjSkKcvI7wZy0v7xYijTUnURiR75Gyp8SNEp6YEqtzf1FE+R5o3kHSjp0ivlxjvVL2wnT41JimzI9XiK2cTtFaqU3jdQbBr+O+sQGE2QuyroKU4J6OiTSF5kiqRD6L/VFanOub2E7ktrHRGzPxVIwpFT51PlZ2RPJLVCm3nLT5JyaKqm4sf6ceTLvw+jfK5DbWfsxXwyICw3U3Hum3gKjgpvCkoKr4cmyBYICOhFEYFJwn6JDX93iveo53hpexU/1H8HPDpd4f9hicBUudIcvb59j3zZomgGXGHAJn8aod540UxW3Ug5wDloBLfktdCH/rnX0/cOnDKK5bekvIyq5sUycOk8ls5Kg8CWBksjIqXMS60hdI9RRotrmppVT9xscN7edndeox0VtYIqSDMj+tvw8EmW46hvxq+F+rMMvUG8CHwunqCpLt0v2JXAiDMzn0UhuO1KeNrXzAabsVWh5hhVSAinls+WEswR0xFLbLwrFxFYylwWOSW0EVQlLzFv5NXGfRiOmai1N7zOZHx+TWupXG3OnUr9a6iNLMTOzFshKJPD8HPVbndIReUI7EtEjsycWMCoRwdcS4kpNs6nPccr8ZvIBTQXGYKbhkVwrvsjg1dqY37U3XrW1dhp7FRRaqtT6e3hSqzHlnX0+bPGsu8DtrkV1o9E8B5rnBtVtB/QD3LaF3dToLxWGSwd1OeCq7bGtBh8RmazwxvZqZlZuoKFDugcbAmodq7XVSGoPpkZvpqBRtbaABipnZ/eiYzIGBhNH92VDniYq9/PhvvbtY64Hsg92jBAWHjQq3vEctVbKYCOVfxgT5Pv41C4RW0ZqSwgp/cyR2hJiKw1+LkATf5mR7kmV06DWRhPk2YtJPHANeYlXMkFO/UfK/XRpO3lf+DlGaIGJ2PLXm8eIlFqbKpMjrKeaHZ/icxsxU1hJWp5c+h/qRyuRVNqOJQU3de14L0Ju4SYya2fXTKqm1Oyo3ppAcFOmvSnCS8ltygd33p7pvelKDfh4/R5e0Xt8ovkCntsLPDdb3NkNelfhZ/rX8LnhCS51h1f0Dq9Vd3iid3iiO1yp4UjFtQBuWVSpqOQ246K5m7UFOI6uPL/eAS4QXjVf0KjCnFtKXOn7zBeNSfIScgQ3VW4p9Y+0j+P72BpHqi19fp7Im5NrkvTccbM09EhprhJPn1hTqS9uJ2xPZf87/CTUdzrg3/1uuOvfPVdX6TbIPj/PGR//i2XpvM0XiflqMqbyuvN+uNUVsKmPFVyJsMbvJCUqILHfsOt5OU6QS3+KpxLreym2lNTSYzmCmoKk/kZEQhhVz1m+0eDnOfAIyIJfLVVrt8qbI1MVFpjIo9RmHhzriAzHlUpMOWGjufDcR5j6EMW63GjKKkWWpqQ2qrV+bFRemRWIbE6dtlDEtPaYtI+BmkyFw1CjHyoY44ltfP/RKpBbptZCaSDkfwWAnW1xO7R4ftig3zXY3oTctTcDcOh8VMmmxnBVo79SMJcWm4se1+0BF1U/miHzNElazQNYRKU4rhdbskAS8x7vTTOS2sNQow9myEo5wGqoELFxPmFSM3AdSPtjWTGmj4k5a3L/7N/xoeWf4jyOh4dTa6XW0v0OXq0Fop+NRDY/CFKbIrYJf9pSYivljD2V2NLZ6YZ9ls4UOaIc6oomyNyVSFRrefs5Yc7dP+Vbi+OgT66S+0h9aSmx5d/eFwskn1lqjvsQfrMcOfWWE0fJRzZHkHm0ZEpuaV9jcCtJvY33KvGnjXVRdVYa06mWuYo7G1uHGcFNmSdLSPnoRgU3tqF3E6kFiIKrO1i8j1tX43PmCm8Nr+Fn+tfw+f4JbocNtLK4rg748vZ9fKJ5B1X9Lq6qAQ2ARilYAJ1zOLD6W2UB54ltVJsbhTH6smXlZ+NK5mqaP9c4FVRddaTqAsskN75vfclBYoolpLeE1JL9qNoCsnJLL12KgIyFYxIREtYpURNKo2e18dV4vs1bRYlv6pprAL8C7nd1+M2/602g+d3H1QGyOispuC3kuY8SYMoOrzGbW20I96ETrkr6xgeZ4gou7zkf74Yc468c5xJVab8EpXPyWcR2FiSKmKvOSJ9g6loKai4aCWFH8rOm1Nox1yhJ7UPNkKNfbRsiIMfAT7xvlNzycylza/oAHc2QKbkV1FROank05Th+dCxp4K2llUiuukr1x3qTdURiTRTOXSCBnQmKrVFwVgPaxgwHR6qpb6v15BaeFB5MjZt+g9tDC3VXo74D2luL6q6DOvSAUnBtjeFSY7gCzJXFK5sO180BmxAR+di/iZNxT2qN0mMqhUhsB1uNwaIoqe2iCu3Cy0JloK2G02pW77gdzJwBhDfplx0SMyKPpyUxcuGcFDQqpdbmWlOab205CnKuI6WQSK1Ul0SoIZPaHCGVBkcqm6uHq7wSqaUzTyqSh1QvrZOotTxl3xgRmbsjd8d1zOqWkPkhpKIYp45zlRaQv8mXGSJpCkiZzVJIJrSp+pbqSfnklqq3vJyk4JaCks7RD/kM9TYVQIsHh6KtG+seTau90mnc8RjF63UgjBDU21JYzM18JR9c6vtaweE1vUPTGLxW3eJ5c4H37QUOISCndRo/07+OL5hrXOkDnugdrvQBV6rDpe6xHd+f3Cw1Ue/kd3MNr8Q26ljp5lGT/fn5WJnxt06sDKTFmqjsKm/GXjkHc+Lv50sGKcZ4zv4COMGBcHkjHOO3kQgy3Y4mycCSvy3flghtyjeXKr1+//+An4TqegC/Ge76+2S1ViK3LStHOyQdp6BBIK+9Knv0GiJ8R7r3f1UDtFvgspre13JGXLHa1GtH/ONklxJjXgffj9vcyr7DaT+5eym2ESlSG7dTxCmqoqmAUcBcrT2QKMgptRYAM0H2hPayOox+tVtFAkYVmkzn/F1jBOaZGXJQ8KK6KgfemoIOURPkY9I895mN9UUzZOpfm0JKpaVBpqRIhZMKrcbIwXvTYDc06IYKw6B9/lqnoMKkQk2R58rptN48uAq7UM9h30DfadS3QHNjoXc9YC3Q1DAXjTdDvgDU1uB602Fb9ahDRGQzmmBTFZwvDgRT5LEdfhFkDBZlqpGk+0895uT1ZD39omeDYv44fGsjJCblP9X/5k2471HHvI/yOrrP/lJBo6SHIS9zTsvlgFG8wRK5pR0rUWuxUC4xSFKQqBwhzRFaaQBy9dB9SeXMkUhpaVwitWGbBoyil9oa+bQFt8K2hAJSe4pfbE6lPXXJ48NEKQnNRTrmxPQc9XYp122p760UxImn8kkhpbzO+z0n0NT3NlfH0b0y5Ja3eTRlEsZo2j/2vz2VjkVyq+FVU6qYGjf3lW2UxTb44KK6wb7WeO4avGOu8dbwKt7uX8Xb/Ss42BoVLC6qHl/WPMcb9TO8UT/DR6tbbLXBloxfH+7VzbJluECAcfTtx3bRHL3RrUcCf4fhcy5VdjUcKqfQKQBfKqbIJShhB2eQ2KXUP8BxmCZ+y5yhDi0nnetm57m/Lb9S2l4iv0vk9lfAqQ5/Cm8C+L7pFPe7TU0slOTGP+r6Swlwh/lESz+jggv/LmYv/LYeiJIb/jQmMlxdAPUGaKtpnRmkWpDbcKKaeq3JEVxOkHNkF+y6Etw7eBR/2JQm0KZ1SChVa6liS02Qa2VnqX1ioKhZFGSe/iYQbW6WnAuOFVc/LSGvlNRSddWMkykl/rJSK40HbVOp34jkU0tzyMa6YpRgACEt0ARvglyPuV6jWtsNNcxQwRlfj1PeHHnK7Up9bIJZUbhHH3xad32Dfl9jc6fQ3DrUt4MPGmUM3MUG5iL411441NveR0PWPrVSXFnOBXTyiw5mVqZ3FQZXjb+fmLv2EEjtYKZvQx35bs+jPPt7KFilRv/dxwHObvyf+x7lk48/DcWWuBzzvy0NGoXEttwquexxzlqwBnLnYOnvFBNkqR6w44LpsdRBfryE0C4NGjAnq9I9uTI6fyOYIL01JPx0JbU2XmY2mCZcyb+WBJ6atYcjQ2qXAj7Fly56XlJp+bf8smOJfHLVdimNz33BFWCOEsIoledmyiVYTFkUiHZpfUvqd1yypalzIibT6rkfLh8nWgfoQmxRC6eyGnPVVwM+1Y47zjEb666UwxYGr+k7NM2A16o7vGcucRt8cOO8/QVzjb1r8HPmyajgblWMW+Kt5NpRqKBjkFeiY/7bo0jJ2cWSNAH2uW8dqhBbY8UDghFdW5ctKkqqbUSKwKb4dWp7Kk/9balZcq4l55LfqcxvwT+Acn8EwB+Du/5pf6okUFQpcuSYDkJQcHXrCS4QPsO2bskxkDm0Bl6rgGum4HICmgInrPxYCc5YVzlCMbE1SPtycn/QYxPUZfA8rfGTqrWR1B5GIjLlGZ3qcTMT5Ehm/cO3mwgtD3YlKMuSyfVsTILazBXVkXwirdb6e84jKucCWI0+tjMCnQv4kVeYx3sQn91xoggKpFYWGM2pK9zZdlRZ932Nvq9gjYIzGlAOqEJEZG1RxTQ/YzTEOckdnMbeNLjrGmBfod4BTTBDRhcePG0Dc6F9mp9Lg6vNgMu6wyb8L7RxYQOUeLrZfTnGyNHOr153xgexMiG68xCCRo3+taTOsU/BIkAKkFUaKO3DRYY1SVyt8I8HjcqRVCkuc0mr+TX2KBJyjoTeh9Se4qeLZVJLz6UCQ6U+pXpzeW2XVg2kmYO/WWTswqlae8UuG0ktZ7wd5lGaOdHmbUj8LUUy5i9dlNDGz9QvR4oO+dggkdsS3Mfnlvu43hc5f1wOqrjGe9P2UPKdMpPm0ZCXMFNdgVF5pQS3C3609Dz1wxXruAe59f2I7VtWcCvlcKUGPKkGVGoH455h7yYV9wvmGp8bnuDn+lewtw2sU2iUwav1Dq/Xt/jy+n18tHofr+kDttqgwUTyDaKJ8tzHNqq5GhjNmWngKRr8yo7fZZmaO+4rO5onv/Q49e19CecwgqU62L6rjt09crfMqba0jHS+Y2UiKG+kZeoZvUkFk+JktSP7Lam9Q165jWX+dTjV4ofwjwH6W+WmycA055WQ3jhP0z9uAdWGOpv5/XSYf4eLyZquvwKC0SNUmEPr3VRd0/hAU5cb/z5HvZgk8MUF6VVnifSmtksINcfZim3K1zRHqE4BVWv3xAQ5Ets+kJrBTj9Xr9ga1NpMZscktU/0q43RjLkym+srIKvRIvlMLAJUsDDQ4PlOj4I0Ce2h0aGp+psjUtFEWkIkq72tQzqiuWJrw32g7FjGB1kKfqhD7YNGDcEMOV6qHBQw5g/m5si+zd6/djc02O8bVHcazU0wQ77r4PoeSmvYTYPhQmO4BNzW4iJEQ9bKBjPs+UQ5Ec3Jdzk1LtbpkP84mrSHfLxOjRGe4/tHJOq1tmi1wUYb1MECoCIm+I8HKYbVLfM2ZM5jrtZKd8rxuxwR5uWO1dpTiegHQGpLiG1B5iXxGCfG0v14eUog6QwVZw6wYxGpLySotXqYx4eaNfkac/9aepIqtVyxXZopO6A6HPvI8i5wstsKn7mf+WNASQTkU/CQQaSWTJTPwakphVIEl+bfPRVSv8bIyfEAIbiz9D1EwfWQv79IDLkd0Kmt5UqppOBOpsAY0wfNVFw1YKt6vFbdHam4vavwheEae9vgC/qAK32Yq7iw430kNReIJslyHyMBjsGklpBTeb/oUJLyp7QOnFiPUHZJveXmxtIzNlWGTg2poERz8jv522oM7G7SCmo8HvdpmiB6nJaXZp0b/HL8MJT7anwjPou/zwkox7nfGzdfTpUJzawRzJNroBomkuvqEOCNsUFXe/JbY1JwOeGUXkekpqTWzlNdT9VTOlQP42PLUslE4lYakU7KWztGmg15aye1tvGExMZ0LP4e0fw4msPU2s5IbaM8IeJ+tRE5P2Dfp5xZ07ECyslpNP+lpLZkEcAwddUKRFpsU1SPGbmdmR8HtTPmlJ1It0ajzHhvGjTqbmixH4JaO2jAxFDISOavnbULMV1Qhf1QYzjUaHYK9a2Phqx2BzhjgLaF3dboLzXMhYPaGlw2PTbVMCqko7nSmOrHK7UVUVHT6Y1UaItXa+NfzMerVFSffX1NiLAd/bbjn/eJdlMU7UdBcmXmc4O3cN2p+Ru+JGUliG4uaBQWjpW2OP59eKSWDwIpw/1ppYbTQZDKpj5TxJaTTqmMtGJA64+g83lDthOkFt2c1FJL49FdVpp4O8xT/FA/W1qGbmdIrfS6kQL/BnkTufH6y45zSe0pvrkplJo183IvWsVNpfGh9zVwRe3K5bCVrp/XkVZwZ9uYfH1jL8bPQIArdk1EbrZJRU+OnzSKsnZEIR374/BEDXitHgDsgOYZ9k7hztZ43228kjtc45m5xOfNExzCm3GjDa6rPV6tdvhIdYOPVDd4Te/wRPfYKIz5b6maS9XZCBohWQNj4KlUP8d3ODf31f2iym0b2UCKFUjnzyW9/LpMnZK7R0SKQvJz0u2lMrl9fu4qkNsBW9SgCypLymvcb4TjkrLLz/0mOPWL8VP4hwCUP8RT/LSYS80lryP9GWVj+ZtgnswUXFsBA/ti6hi3wvi5tgKwASnPTJXjZyoSMv9J8in9ipWhrwPn/HzPIrZH6XxmpkdlL/Y0+rCEqNb2rsLe1Ti4muQcrdEFcgvM/R6jWjtXan0U5FaZpNJc0s8IUVFl5shL0AJhlq6lD+W5UnscoTf1AI/KK5jqS3MC29GnpUIDM5I0S5TyMdhTX2MYKrhBA1YFiwsHqMkUudYmEMyoik/m0300Qz60cLsa9a0aoyHTND/mosZw4f8DNpsB27pHTdIH0by9kllwCpHMD9b75w5ErY2BopQKK8XaoqkM2spgWw24qPoxJ3L02x5B8uS+/ODsCrj+lALehJzmB/n9kqBREt9aaqFUfjm9T277BSm1UpCo1GDkzIZTnxJJTdUv1X2bKcvfIOKkmKo//KmdN0NOxYaaBY6i9+CklkarkMAIdfSrpYGfSklo7hcixbv+UkUJ+eREsRQvSsUF8mbKFJKZsWRCTY+VRJqW7iEpuBxcxZV6wRVckygHpAkvj5481Y3Aw/P9a+CwUQZX6IDqBhpeQLiu9riz7ZgdoFEGvavw3G5hoHDrWlzZuT9uXIQGgo8tjq27lvojIebDBaYYKCsYTmULZ7ALPr3QY7zq3PWpOqRpi5/z05j3sJ2CSUk18DtI51Lb0v4NgE/jE/h/4Fc74JsB/EHJ5PicBYf7IvDvqOBiC7RmIqyA/6zDsSOTEYLY40jn4x8PMEXBRyqHc9dkyn1seU5XFgnZB0CSAxWZxMu+RC6jWhuV2t7VxL+2mQeMwrTKqYOqFtXaSDrinxaiDcf7SX2kpDb3YKRkMkVqp2AG5Y9nqqz6fdpORfx3NSsXTJWFttC7U1I7WBLYChZGBb/VoOj2rsLOtNgPIcXPENTaQXliqz2p1dornNEEWUI0Ad4NDQ5dDb3TqO+A5taMZshQCm7bYris0F8p2AuDy02Py7pDExwDYtCoXOAo+f5q9K+NEY2NU9631ioSAdmT9Fp7f9pt5clsS3y3m7BQMkbEfjTRkVOsC+knTo7boSxoVEkLJFdLXuZ8tZZTlxxKIiCfSWpzhFUaHH5sKUAUP57Lm9SST47cl9nN1dorUkUsMmzZkNG23bC/3OzFSG2998GqlkitNCmWLnc8RqTIpUQiJR/aHNnkhDGnhi61Z+ncfUjvKWbFS5GiJcyjIaf9d+k9pu1QRlJwgZlPLch3Q0deE/LLVVweMEoaCRrEiabp4QpuLGsBWDcvd6UtnsT/lPUNegfsncadq/HcbvGevcR75hLPzQV+pnt9dHXScD5Dhe7wanWL16o7vKL3eKL3eKJ7bJU78mvvSTuW8uDOBJYYHTkEdnwUyL3F585xc2TO8KTtpXuUtqUFXDf52dLoyKXP0SXiknqO82NSAOJrcsXUnpS/bURJeiCu2sZW8fO/D39B/Uf4DP4ARuU2TjKSgnuOIntO2XBfTdIE2QbQ24ng3gXaJi0wSHOl9Jogxaqkryn0e5ReX5aMzFJ4EFPkFKJP6amID7Co1lLf2oPx6VmGQJZj9N1aeZ/OWs8JbasG7weJ44cf9Yk9B0WkNqY0yqQ9kurkhHae420itdapkO5nUjCl1D3WVSPpimS1tz5wEvWXgQZqTGa1xukw9j6K8b6vMfQVXB/UWovRR14p74+qiHJKU/wACFGIvRlyf6hR7RWaO4f6zkDtOzhjoTatT/Nzpb25xNbgsu3RViZEVvaqb59IUbSESK47W6MnAaOs1XDhvSOaIdfaoq2M960lZsiNMmj0MFu0SKVMevkgPSq+GWh/ym+WcELGBF5E0CiplcfpfYBko0RCCnLNff4Sjc0R2xQhTXVWOrZkepybGVLlOLnNkeZIMJla25Jq4qWuEoarx7FaS9sTwSvLkNpTiCj/xaRI7WMltxJKFdJTlNSUuS+FRP5K8NDBp3KQyC1VZZdyBJ/TRymCMl/6jwouMA8GxUeb11FCbqd7TOSWKrlT+5AVcKdgWLGGAdD7UIcXEho1YO+m3Lg6BNvcuxbPrYOF9nFU3EH0yaVZK3x/jxvEhYeS4JqPBueSXX7+XLJbWuYEdDgtMB9tKj8GVhcv25EyVvS3TV1B96Vtab8Xzt8A+DP4FD6Fv+SAjwH4FinSlYTcJHTf7yN+p6SekcFsAzFkfrXxtqf8HHJdSNXDR5UeL8XJxHamZBLf2qjW0geRJ17lxJartXvXjGptF8jVEH1DqV8liVQb89ZGM2SNkE5HzYP8cFKbU1slLJFaydQ6R265ybE/pknY+7myPBJe6InQjv696ohkabhx0os+tYcQFGoginpUQf21nvQOtsLeNF6xHWqYoNaqwdfvKgcoQDNSy2GDOro3DXZdAzum+bGobnuM0ZAjsb1UMJcOemuwrYfRDHkIbRoCMY+pnmLffJCJ+BmmaTUp29apMfBYbzUGo2GMhgn+wlr7ukazamXQhIBRMVgUj6p9lDLppQdjWa//xbkZcmlq17DSF2o56U+CdH5GlpJRkBca+SJNkE8htTlii0QZoIwU82M5Upt7W+AzjnBtVGtbeLWWBj4eq79mJyip5X8SyP04qeWEml8WP6UJUvpVSOcfA0pJlqQmxusoeTvVTFgy/V3ybT0FSymEHgI55TZlekzHjCq4Jffyn7J6S4npUeCohPJIc/FSM2Vgelmd0vrEuuefvv5pc/LxnY5RJddg8laolP97oryS+7Gqg8X7QcmtsHcVbl2L53aL5+YC79sL3NkW7w5X6F01ZpfYaG+mfKkPeFLtgpq7w5XqsVEGW2XRqPkiAI3yzKMo+8X+dF7clwp0cfFU9lBad267NIBUhhTzwFG5KqSctTmkmpSqS8qwI/vbcuVV2l9SZel5SrOpge6fwK9SfwM/gn8BR8pt6q/HPPBibjX3XPX2htTVTimC0E6RkV0NdG35O1wcJb5UwF9PUt5R/PUkLoScMi+f52Ob8FG9ry+DGcmZmpnKjkqtrTFYb4oMYCS0MWhUS01E4QIJcXM/VuJzcYpfbCqCcu7aSG7HwEJSn4+U1bkfLU3z48tHgqZIef/w7m09qrH8fnTCtGR8B1cFs1wdxnJebrAaO9MEYluj62rYvvJBo0wwQx6DLWEM3KQZ6Ytm2IOt0JsKh76GOmhUO6DeOeh9DzcMgFZwbYPhqsZwqWC2FnVj0FTenLwPJP4Q8xjbOM2F70cF5Vq58VOT8erDtV1IF9UNNbqhwjBoWKt9sEiyADL6bisbTNrnv6XYPxq1++WHwIjo234JTyR/3AwZWFZrkTjPW0n/jtXaFBnljXwEpDa1nQoytURsc/eUZiWJ4CZmnEgyI8GkJJNeesQcYx0lau3NdA0ltdSfN1a7tPpPq2/ZJz3+mAkuxZKJLSdh3CxZLIPTIhGf07YcXoRfLgVt16m+tKeWn12LuXrLVVeDichRFVdCTr09LstI7UltnV9Lld/Y1gqeFPu3mfAORn4+0Ypu72r0Yc60TqNHhb1rUNkYgFShD7lyD2rARplZmqAI/jY6vn8sqM6PEueS3gwpve+9eNqf0ty2pZDWYenx3Dm6rpr3t5Xy23Zsm5/L7dOWvAPgt+Gb8Dthn03jo78KeZR+z7mBKb2eXUMXxVpyj5KfUMm6yDnp9EoXRF6at/BI4Lha6wNFeTNkT2qrI7W2Dmaic7/awUdAHoNKHEcGBmRiyiMhlwSaKkVOtZ3llyV+tL7Nc0IblVpqgkxJbTRR9vekfdcjsY0K6hSEa1I0jZpHRD4MNQ59DTNUQO/VWmUBp+Bz2AbFVgrgNAaQCkrpbmjQHXyan/oOwQy5B4wB6hruwvvXDheA3ThsG+/LGk2I+2DO3Jl6WuSAQg0zqs1UtQW8GfYsIrOpsR9qHIYKfV/BDBWcVVDaQSnqawtRgZ7lWg7jHhdhXn5wxoM8seWhYlk+FMkMObcKt7TaJ7QOHXK+tSUmyKeQWq4HPhCpPZXYLvnjSvtLRJj+teyTI1FHNEHmmXwixmZL+WsltTZ1b0zRjyVSK63idpBdzkqRIr4vMyRilVNJc+ptrE8yBz4nLY6ElynoFMUp5Jar3ZLJsnS91N8ScjtCqLMSfHZ9f46VW+BYvZWQCmLFldyUiktxpS2uYPGq64HqBn0zuRLtXY1b1+LWbnBnN9i7Brd2g/fMJT43PCHBIf3C8lb1wU/XpxW6CqT3UvdoYNEqi0a5Wd9OJfAfGvjzOPUpIeVnK13DCS4wPTjBznHmWECYSkjtObx86boUUTpWb3P+trwWya+WR0qOExvdTym3fw53r/o3mb8JjW9t1PJryblqLEXqel43KzsquAAqouDSyMi597wc4i2vSNklI7NcjEmKe72FczPkHGJe2hwktbZ3FQ5mUud4ahcfKMqOeUXpX4zKG4lqNHkZ78dS55QS2FOV3iXVdl63TgSHmgit359IbTRBjn+R1NJIx1o5olpWI0Ec7BTYgWOweoxAvRsadEMF22uoQXti6wCnFaAAFdLiVGOqHyk1gVeAfZqfCps9vH/t7QB1iP61G5+/dqtgNoBrbVBrfftjezrjP+nvYXxDOPo0MIHUTuqzj+7cdZ6s2157ll5ZWK2k94fpOyIRo0dia2Pk6MfySsweGZy4FnJD20xqrVDreGwef/m47JLAGNXaZEOSDeasfInUFpT5IEntUjnpfrky/HiK/SXKR6IZCSa3No6XioGjEr61dKXfVdOxGPmYk1qJTPOm3weP5X9wKVIqaYooSgpurOeDatuHhfsotxz8+ofo55SKhxw7sY05pfMhIJHiGJyqgo+sbJVB7ww2zqBxMR6Kwft2CwC4tZtgCRUDWVboUcNq76oW00EarWG0grEKWzWEqC4O7Qvp2UuIQrJZXO6c+55QN+fTp4LzbApJb03d16IOvrb0qMT2eW3nlKHH3sE1vhZAh2/FtwLfHw7/JrxYSE3JlRXKUAVXY/LD5VVKly997/GaJRW39HdTTGw58UulwgGYIlrgd5iKhNy7iqm1E1kDpty1MWDURg9o9DDmqqVBo8b2iNGCBdX2Bai1OXBfZBocCpgTWr+vZuQ2prChpJZHDJ7Ml2PZyQ837oOoqwZ69K/tjFc2Xa9HtRbApNYqB619ROqo0HJz5Ohfu+9r4FCh2ik0t8b71x7CT7+pYbY1hq2C3Tigsair6FurAQd0psbe1Oy7tBisTpLbSD73psZuaHDXN9h3DYa+hu0qH+EZgHMarnIzxZaPoVVqTJ0U642LBUPB4sWHD0Yzf/nbwKdx7JRCIXFGkCiI5E/ic+RuR8c5+Ipfh1K1NtXQHA3idaTU2nuS2lKCmlNcU9unklo++KmZiP1FsimptS0rPkv1Q+tjam2sE+GaSHIjqaUpfaR70uamIHV3CY+N3C6RsBy5jecppKjJLyIfLa3nvsSvJKBVaXsouY2QxlfyU561KQaACn64tI+8lZSgLpkS586dgvvMVrT9VCH10ZqnfRqJmZIPDWCrLLaqw2voYKrb0T82qrkdvMCxd+HPNti7FnvX4G7YzN41acDQrfIxVrbaK7pfd49+vlSgC5HnENUUIeXbWNhP3FtSa3NklOOULqXKppo3P64BbFFjP+4dt47718ZjHY5VXDrBScotL9cB+BH8H/91hzcB/P4m8yyN33eLh4uazOvl5SFfozuv4NoGUDWga6CugEssK7gg271wjHc5NgFk+8GJLUWJf+2pgaO4WjuawDK1NgYKin8xxQ9NweLV3PMmN0rYc3W8iCBBVK0FJnLpt+fBrmaKLf0jpJaaIh+ZMBPia5w6ijZog4nykRmyUVAGUFZNZsjaecVWu6RaCwCd9aTycGig7zSaW6C5tdD7kOYHgGtqmIsKZgOYFtC1D0hlnUJnvA9xZ7xSOljyHWjAxRcDTmqDWfXe1D5wVe/Jdd/VMIcK6LQvr3DkkxP7w1M1TXl5/Zj736xGb2fhPl5SMObz6bBZ8rBk5U4xQ84RWon/xc+0Wgukn8KRjC517B5KrdT4ElIrdVIitaeQ4RLySwhqhItl+MuLcB0lmlytbdml7oLUydt6M7WDvgTxbRqgKvdTTL3nlbwklfzcv1QhkVuKh07Zcx/1lvr/PgTBfYg8tjnkSO3UhocjsEtIzVqp+y+NLPfDpeU1KUP3AeffJwD0zuASgye4qsOta3FnN/490wLWbdCjIi5Veky9R02We1eh14/BPehDBH140iBS/NzStfeARGTOvSZFpKXyk68tj2jcC6VzFF2qfamFN/gN+CSAXwT81lDsT+IY/PJSR9NIVnPnaXP4ucxxqt5Wg38PpAquhNz8vPQTovN8CU6Pirww8SyaGzNCGNVarx561XZvm5CKJprLsgi/yqFWZp7iR5ug1sbItXMysmRqPFOjP2TTqFR+Wmk/msJGtZaTWl+WmFwztZaGxI/jFctHX9aD8WlxXDRBNsr/omuv1kI7VJWdpfqZjb3zantnpjQ/zU6hvnVobgeo3QGuH4C2AdoGZqNhtgq2tdCVr8/NIhlXMHYeGXuwGrW2QCS7hNxq+PN702A3NNhFE+TOk1rVK/+GrwGn6YtMjIpsp6BYKir5bvabpOP7OEAYyxI3pG/5xLKXRkOOn/cNGiUR4dN8ayGcS3Wu5C9DaqXGppxEsLD90KSW7hOz3+owjbWtccwK+YRGyDAltVE5TbnRHjHeeIK0JRJZPUzKf9znSu01zss1m5swqdkTrZf68D4m5IjXOYQxRWo5ac0pwbnrSupeQi6gFT13LsnlBJePSRzvpUUAmv/WhMBHk38qFwUeDrle05GjQaoopGOGXZu6B1dxU0hd38AFkmrwBD2MvhujHfchYGMXyK1PKVSjc1Ww+vOL3++7C7xnLjN3fySQiAZf1TvHzzb17OekJ8XXSL1SAKlcPtscTZTKSMjxL+n6eXkfJVljgEXDniRSrZKCS8/RiY4fS/ncdgDewq/4Ew7vAvhvSyMml4BGPKbdStVHz/WZ8vCf0f/WNgCGuYLbsmCiudch+pOl58COAcu/h4hiYqsxT5eT86+dUtHEtDN5/9qYGqhzdXhoTXlrpbQuNGhUTPEzRUO2s6BRpX0DltVa3g9qwrykEJcqvJJaG5XZuD2WJQGMxLqo/2nY5yo6jVjsyzJCGlPiDBoukFoqXjrtoCoHrefEb4pIHPLOBpPmu0MLt6tQ3yq0Mc3P/gDnHFRVwQYzZLMBXOOgq6DYQvmcs07DWN8uN7ZTodbeFFkrN86UWjsMYXtwPhrzfqhx6L0Jsus9qVWDJ7auJqQ25LCttU8jNYu4HQcgmG737jGotBT88YE8V+TcMGzzaMiph1LqIcVbJF2fVmtzSivvVOrYkqL7QKQ297QuIbWp65dWDNix6B9LYYJP69GbAPuyJAWVpvs5uowzw8SYpMhtrCL1bUvIcf1Yn1Q/D0q15MP72PAiSW08VnKPh/bVPSVKsw7RLs5FylyaLiYskVtaVzpq9cNhqbc0d60EGoH5FDNpjtw9aBt5kKdIjP1jZFJz43XGAT3UmFJo75pZAKoYb2TvHtkSVenb+6lIsUB+rkS1zdVVADrlpM5joQwtx8suHafHLKFBWixRQsFTtdNzqeM3+Bv4JIA3gG/BNOH9SKL6+yDF+FNlC9RhDU9u9XDsf1v605Fuk3r1KcF56X4S/rUS6Zqdz6i1fYh2TE2Rh6D0cWWMBo3iKX5i0CjgPOWVXyMFfUr56abIcCkMMRfmUY9ThJabxMbrqXLIVcRohpxKYF7BjuPfWa/WmqECBu3NkMMQOQVAI6T6ceLrSlSIB6dxMDUOXQ21r1Dvghny3WSGrJoGdlNj2GrYNhBb7Wb1mEC0rfORi6NCHBVbC8AqBRUUXh1a1RmvPB/62kdB7vQU3XlQgHL+m1eAqrxS21QG26pHqwdswl8ktjSAFF1ESZlhv1yYHhl/yb2NX/UUc//aJT5IzpX4VYDtS1yQH49/abVWaiinQVLDI5ZMkB/ApzbF6s8ltdJ1qYGLZZnZLye2tibmyHG4WD1UrY3Ej/rZUnQA9in/WhI0ipshA3OSe+pCdWrCkyZViShTVZgS3ceGhzCX5eTsPkrri/DLTRFangqHK6EPZaIskVsJS98DjYYMQMxDm27HHFJ5ai6YAiW3PDDVjMzyPmaILr+fRKAr9gkA1M0wVR83b67gsA2qrnE9rN6Nim4USXr3SEyRS9/ac2whpdpKZUtYh7TP28qOxQXKU31tS+ljClJXUsenY1619VtD4s4lreGmzBxRpU0d939q74D3/Rl3I0RMTqGDPGHyPylqMr02dawgejJaQPdz/1tbeZLZsvdE4TVjXCDPxdwsxcn/41PKpKTIlqi1/loSPMrWY37Vnii1VK3lQaNoip9IurlP5BIktTYXIEsirCWRlaWxmOeupQGj5gGi0m1Jk1h+Hx40KkLDjea2Y5tCHtt+qGCD+bEywWxXBWILQGnMlPSjPjs1mSF3NepghlzfGajdAbbroZQC2gZmWwf/WgdUPiAVAJhgYjxYPTdDRpg4gx+uDmOgMfkQexKvcTDVRNJjEKyYtqjCaFattUVb+xRS26rHReX9dba6nwJjKTvm35v8mnV2/F8+dPhVlIBID0/O9TCVcfUx10rxPSD9cEpxvjK1ljdc0vZKnvgviNRKHaMDxuvL7eeuy9w35oGNhDFiDwHCF5TyrY3KJm3KLYSIyEJbl9JBpH52UrW5LkhrM5y80v5IeXJXHIOTyxRZPJfInqLGpnK7ptLgvCj1lqJ0cYGaJM/vkSa3OZPhcxRfHsU4ZZY8ux9Tc+n9JUJNye1Iakkd/Joq1Bv7Ewntcb7a+O4CQB3ntu0d0D2KgI5nQiKnp5ZLnVsiucIxbo4Mcjr1PJW8WTlKu5i6JjVnUC1/8rflJXM1SzWlEFce0ufd3/vaqf6PhVu/U1A1T9X0YSAw1iX/25L1FHrsnC6dvZSVM0PmCiOQVmtj0KgYgOfg6tGPcoi+tzQSsrJj0ChqgkyDRtF2pcipdNwn/V4mtbxPVcKX1xKyWgJKlmNu2pkZ8tEYThGnJUJ1ZHbMfGrp+Zg+iY7dYKfFBWeify3mRFDNTYSkttig/O66BnZfob1TqHcO1d0AdD1gLdC2cJsGZqthNgqucUBtoRS8f62NY6Bmai2/LyXWlNj2psJgKgxDBTsoHwQrRneOlygAlUNdW7T1gMu6w0XV41J32Kgh/Mbs9L2E8Y/5lQ8hR+7LD8IwCvidxBFjmh9aG9indJy2QLKkpde6k9L7cMqTI7c5E+QMqZU6V0pq+UBI0Y953dL1paQ2/FGlli+2xuOmY0PHSHEcKUr+qEkyb7q7gKzY8n4JyKm1JUQzZTnFSa1EaDmpfYyKLTApiJFc3Scok0RMJdJZSnRTOIXIUqRILS9zH3J7ril3aR7bCE7EH2omkUZWCuZEkVJvpfGWFOccRt5DxydR70SY3XgtzZ0b0We+ovZEkeNDQ3yTLyWrD30PeoyaI9PnOBaOkf0S5ZZWxZEipimkuHnunO/ipNpGyFGST2nNfa/roL7T/6jd/3LhGRe/zx7lgSHouwufxKWJXeL2mTI0enIkuNH/dmAEl74SSMf48RKcRGyr0UeGmxc5WYlMqLVHBG6MKluFfKDNmNqHB43SMWBUiH4Xg0ZFoj3mrs1OIPMHXUlqn9iXUYUmpJDnx02ZH2f9jJkZsglBEmLEvxLM0vnkFF5mhhzHbB5sy5vy9oEMul5DG0IECRlUwEyt5aptJJbdUEMdKtR7oLmzqO46uMPBT3B1PRJb2wK29pGWY0RkF9ttdTIVT8oMeCSfRsMYNQuCRc2qXeWga4u6NtjWA7bVgIuqH9NI0fGJlgUHW2NnW9wMLe6GFnvzWPx5Oij3b8E9/a40kU1xRfhJ61Qz5Nx5/mfDK82xGXJKv+MdkMog00ny91CkVmL7QD6lzxKpzZUvILWplesjkJP8eq5u0ibNAkfRushYSWbI8T7A8bfNv9Ec6MI1/+kukVpKbq+wfK8PG6UBiz4MlAZuOpfQAmWklpY9ldzeO/3QmeOf8m19SJSOukRwlxTysZxQT6puWq/Utvg7nym5IfKyBQ2mOX+v+bADgd4bp5DcWPacIFKn3LPgmlzan9xz9VQyu4RysstNkqUWpHpwyhdUDve7PunrXlJjX+RCyDkgk6/GZJ4crTZaMye4S5DWWJZQTGwjcUuRQgqeu3ZUFTE/FoNGGadnvrUxbcrAIt96M2RvgrzRQ/CzNbOgPktBo3gArIhUjt5SUimpt/R4itRKZshRraWkVorAG31suX/tWPeRan5MePX4vU6mxDHYU2dqdKbC0Ps0P7pXo4/tGC9JTT62vj43W4CIixMHU6M71NA7hfoOqO8s1K4DuuBfW1cwbQXTKpjWmy+oavp+jJ23O/rWjp/seGzLGCU6qL7W+Jy1KqQtiv/bnIY3Q64cmsqbIY+kNvhvx+9rbxvc2RY70+DGbPC83+JuaH3E5eExEFv/FHTtd5XJUgKHjG5LOW7GeRhFKsAPPSb71kqEViKypxwjNCpFankDTyG1tPMfAqnlxDQ5BwonuBlydMeWFNsY9Hi2/iC1V4BEanPfeqK5I1JLGZzU8v7w6MsvO04JWAScHq3YwB3nuA1zZSkplXxb70NoHxI5cnsfpXusf4HcLqfNyfsNj8dPbdgJOPLnzZDb8ZoC9ZmbPMeyBvlFi8qbcaECoEMxCwfjgCa6UmVb9wiwRB7vQ2ZOIbP8uLSP+bHS6Mg50inhPtytbN7QaCGZJEfk7IFeHFTXA6aGu0j8n+CruEtIlZeOlxzL3T+cG8cyBImMAaYk/9uIVjhWipMU20j+lsyQJYg+qcGPM+YiG4NGMTPk0b825BRtmH9tFUxoJcWVq6nAMRlPkVqpLqrWRrJK65OIcI7UjtujUjuptf74FByKto/eZ67Uzn1opQBRkn/tvL0hPY+tQv7aED3YANqEa52bmSKrkBpHw39PzagAe7X0EAhyc1Co7xyauwHq0MEa482QNi3sRY1ho2AbH6FYB8XWOR/cKfaTklpKyMdUQ3AzM+Wo9Bqjg6+wghomK2oLjGbIuvL+tduqx6YiwaKg0NsGvatwZ1pPaIctnvcb3PQb3PVtiLj8SAJV0MdFCZsgQilN85MisRJpBY4fVBKP8/YWUtCoJRNi6RxYmVwH24cjtbzzPdsvJbWlRJiRWiCt1pa+E0kpfrjKGZsTh2QWOIreiLSPBomiSHwjyfaXzuUSqX0dslJL/W9fdkTSmSO3nFid4/MqkVvgdKL6EH6z94Gk2gL397ldAv0O7kuWJb/hU0ntQ5g4l5BbIE/Mc37BklkzrasiCu54DTNXTvnlPjq8KEVuieAuRUcuIMjnKLeprt7nmVw6fLJJcq6WU1nl6XDqa/x9mkQTShGb+pCk9gRoem1ID0T9bymRlQjtKf8N7pXHNmfmQU13OahaGwldPwaL8ootNUPmKmAqaFSl0u2RSO8SoaVK85HPMNmXCC4vAyQiRcOT+5xaK6nfvl1zH9u4sMB9aen9JV9c6l9rncIQctceTI1uqOA6japT0L1/2Y1VOAVAAVo7VNqN382mGrCpBmg4HJz29fU13L5CdadQ7yyquwFufwCMgWpbuLaB2VTeDDkSWxZpOSqxkcBWhNCO/SAEF/D+uWY0Q9ZzM2QyozrtAA1UlUUT0vxEwt+7CnAV9rbBzjR4f7jA82GD97stbroNdn2DfcyNa14OJSKP8HhYIrL8IUj2aZqfWKP0MOLnIexLD7NltZY2LtdYqUyisyVqbS5vbKo8HYilzkv3wkL5BKnloyAsrns/KGny6qZ6OAGMKidftB0DR1EbZaFvUnTmkm+af7t0nky9LNFrl8yPG+H6lxmUbJYqt+ciRW7H+59BH3JEN0Wccqa59yHDKXKbIqIpFfZFfgcUlKQvRSWOOCU4VMn973OdRHCBeT+OCG+hWXYV/vQH81U8LJbe3l8UyV3CEqllD2JXBWM48pxPPaMlApPDQ3Vfus+Q9Lc9h+U95BfVQnV/BEALd/27lhcYPijwISggvsn0QEDywXRqF1+IvCQFipLOGafQhWTa1Aw55k+lJCyaITfaBDXQjcF8YtAoXy49wVbE97ZUpeX9iKRc7HeBMjsv70mtpNZSM2PJDBmYTJenqLxqJLXSPcdoy4nz0Yy5dxp7U+Oub9B3tY8gHFPj0FlROW++q71aW2mLNuR8bcMT7WBrdDb612qf5ufOp/nBIeSvbepAbH3gKNv4epWeE1dqdlxrOym0kdgypRaYAmYNQbEdU/zYEARrtGEGlHaoKt8PHXLnHmw9pqHamRbvDxu8313gWbfFzWGDXdegO9QYeu+HjP4xEFsA6NLC5gJHpP61oSZRaOScDOQc2DlaR5laKzU416GFa88ltbQjS6S2hKTye/HBWSC1VA3lAaMWwWYPnuLnKSalsyXFO0xmyO5CuOHtvI30dnQ7RT6ln2QEf1ni82qsM35S3+CldZyXHVyNjdsvilwtKY2nqsFLJs2n+pfy8qlAR6l6U+mATlFZS3xqaX2pqMglkPqylNon3pNO4y9CHV9CLkcucExqLeSIyPw66qf7GJyCHgT3JTbS9fRYCanN7EtBpCROTLHE7R8C6XtI5Fa66zWC800CBUlgT4BT/xmAbp44vgRSkKiIeJyTUx6IipdLXZfaZ+eoeitFT5bWxU9BuY8t3ORni3RwpqXUPrFMDBp1lLt2wQzZ57ClPrVTJF9qHm2gkm08JfJxTnmO5DBFpjl5NGwCH0mtoNZaRm7l+j2pHSzJe7uQdiZFki0mM+adabA3DfZdg6GroA8auvdO4MoFf9Sg1qrKjSpnTI0T/VLj93cwNQ77BtWd9mbINwbqbg/b+yedahrYbQ2z8f61tgFATJF1MHOOQaoi8azDuHMyG4musX5sYgAs22uoQXtf4SGkLtKAT/6OeQL44Ge8Q4tbKOxMg+f9Bs+7LZ4dtrg9tNjvWpiugjtoqD7W+xiWiTv8KbyF30J/C9JbQILk5tL8APOHUG5b4m1Tip8lhp0ivBKZzUXFYn61tEFLnUw9dVPMvoTY5kyPU9dkSC0fGdpUm3n6UzPkqNBSf1Rqhhw/Z4Gj6IQWT3Zy2+InV05bdvxU8DpSSi1FnG/PmUw/DORI7LmBo85Vf1Pkb4nwnuqzW9yeTCTfHCT1lpPbDzMwVw6cKEdz3EoYgkhuzx2nh4JE0LkKLS0AiG9dsZ5MIKoV98AJpPYU1TaiNEjQi382cyrLW5RqKW3ZQy6tTJOouvl6AIB7+mPyyi5Hi4fm2HLz6FBwYpz4nYypgWpADZN6O1T3W8A4PY+tZLIb/UGpGisQsplaOwaNCrlriRnyYOcq5X3NkCWkgkhN0fXyj8SZf2ymLCez43FCPCW1Fjg2NZbqnsgtUbtz7TkivhrW2dAebw6+Nw3u+tabDx8qVJ3ypsh0pglRhKvKK+kbEkX4ourRKIODrb36O9QYDhW2dwrNrUN92wO7Pdww+Py1jc9fO2wVzAZwjYOqbVBPgxpMCG6t7MzcmI9PTAcUozr3QzUqqrpXgaSHCM++K7MN5xQ6U+NWtdipBp2tcNNvcNNt8Hy/we2uxbBv4PYV1CGYaQ/hP6Z5HMR2JLU50VMQOKU0Pzn+xbchHKf7c7U2ItUgCMdyWlymgyUktUA1LSK1qXqWVNrEvXNKrTRqtIuuYgXCPfQAbId5kCUabIkWj2rtO8AUfUloq9odq8jxk0YjTpkJn4qSnzUF/6pe9LvAfdF45xEAx6QyR7pKCOhDmjZnU9zQe75Agiv5Z8ZzEkrI7X3wUKrtVF/e15YS3JRyW+o3S7GUSqgU0nfC1dsUaY9lYt80iI+uUo+L3J7D2B6K5fHJATgOSZsitZxYkXN0AfWc1D8prnYOThmq0/1tAT9j0dXch0YLp36Br/8TPwa8VXAJJ530mKSwcpU1klR6npdJ7ffLZVKRk230KRh7Xv79PZgp8jwa7/E2DbhEg0ZxM+TBViQIkiL+tZ7cRjPkKgQnOk4to0fyLam2GpYoz/lJSkrxU6JI8/EYj/H8rgtqrRGU19k4hzEcbBUUV09qqakxjXpMSe24cOC86TEsMMCbDt8NLW67Ft2hgeq0z0kV/WvD7Z0CoAFdGWyaARd1H0hth63uoeGwc175vTu0wK5CfQe0Nxb6poPb7wFjgIsLuG0Ls6184KjWE1tdW+hg3lxFQqtt+N49mY5jEMcopgGK6nNvKhwG7yc89BXQaeiDgg7+wgA8mY0pjKyCtQq91dgNU8qp3dDgtmtxu/cqrb2rofYa9T6OTVCAg3nzo0AuMw5nEYKdpkRK46dkaszPSdfN1VraqFRjM4l2xWNCR3MmyPchtacS29R9ctcQUkuJrdRrjg6CYkvuQ9Va+keJJm3yO0j4195iZL6SeTT9Nu7j+yrN3anlDelavi2tcTwm8Fy2JYhEq8J07Yv2GU1FXf6goibnTJOXcB/VlhPkhyC3Ul2VmhNAuS1l+WolPESbl8afkvZc34xj5BYIQS4fw2JzwClv7x8mcu0k53iE5AjOhyWUlDl18fGUBVLub6uPImlxlND0+6ID8MMAOvwP3/Rz5l9+AxOH5gsMuWNSc3NlzgleFYlx7j6kjdHvNmbdqMnD6bRFiUJoYn6cI4SpYFEAIbXwSu0YNCrkA40EbXDV3L8Wwb82kFkaDTm2jYKSW4rSwFdLyPnMHh0ToxJPZD+n1kr10gjIo28tvNnsENIkzclwVHyn6wdCmHUMC6x9v+6GBrd9i31fwxwqVHuF6hBNd0O+V+3VWtQWdW3RVgaXdYer+oDLqsNGDeP3etNvcLdvUd9UaJ47tO8P0Lc72Jjmp23gNi3MRQWzVTAbB9d4tbapjCezwXeXmyDHcbKz4FtBrbUanalwGCp0hwbuUEFHIhqIur8+kFGr4KyCMRr7vvZmz4NDbzXuDi32hwb9roG7q1DtNKq98iS5h1eyA6k90XDgQ0I3f+ZKz9+EvMXz1/IAweQOImGg25xEuNnjKKc5cr0vVeYeUZA/LFJ7ArFdIrXSyCQnB3KiOni1lqq0NIpwHNXY7FsA7wIwTzD/LbHxiYGopG+Lk9olQloyJ0vbqetTX83LjqgsptL5nEO+KMF90X67/H4RL0q9lXBKtORzTJJLVd77kltOABHqk8yQ4zkaUGpWzwsK0oWFupP3RDm5BeYK7ovKBfzS4KHJ8BLpyRGgTLm4kCql/kHilrnzUhkJ9xuaidwOuFggTC9arY3wA/tfqt/q7/VN/wnwaXJaWuXlx3I+tHRb2ucqLD/P64vHJPWWlNXkuOR3C5R938BZUZFzCc2pOYmeKbezcoGUzXxrHTFDJioc4FXHKdWPIWptOm9tityWoDR37Vh+gdDycZiI/rFaG8/zwFBjXTEAVDA/lkjtzI+WPNMjCfRjTBRdDVjrj98NLXZ9g8O+AQ4auvOkVgdFEkGpdTWgGoumNrhsOlxVnfevVQMaPeBgatwOG7x/2KK7bbG9UWifW9TPO7i7HVzXAUpDtS3MZYP+UmO4AGzrgMairg2ayqu0kdTGSMVa2VHZjqS2Nz7vsYP3rTVW4zBUOBwaDIdgMnxQqHcK1cH3x6m4oqigjIMzCmbwga5cIMhdqMPsaqi7CvWdDmR/UrFnP7NHsTj8ywD8xTL+FxH2XX384r9ECOJ+LhWrDU+udNAoCMdzjS4wQc751j4EqS0htqnUQUvXMaR8aiXMqhCIKI2EzP1qqXoap+93wPxr48keo1obyXJqiYET3mt2nLd/6V1Omtvj8dR+6mt4mUGJV4pASSl/HsKk9iFNc18kziViLzIF0ItCiW8qPSchXp+KnDwL9nTC2H7QBJMquI8SD01YXwRyhJdASvsDVjxHWlLPc2BZtT2X/ErXWTSFJsmlFOwcxHv+GQAd/pMfBr4WwK+Jyi2f02lzcvunlJXE69RiR66ccDzld4uq/L/DvU2RuX8tT40jqbWWk1qrRx/baIrsnJpFvdXKodFmIrckaNTUlukn51PXaEDZ5AM6B8kMWe7/cUAoWsf83NzHOBJXHgl5JGyYk/x4L5qrlpLawc3Lx8i+OuSAjX8zRdx5H1sAGJzGfmhwR4JGef/aYE4SAkbZ2vl0PI3FRdtPaq32ZsgGCnvb4Fm/xbPdFuqmQvsc2DyzqJ7vPbE1BvqiBbYbmKsGw4X3r7Ubh6q1qAOpbao0qfX5cWvvR2s1BlPBWDUS276v0B9q4FBB7zSqQGqrAzyRrRTcQMipUbBGoetqDLryZL+vYHfe9Li61aj3CjqQWm0wLhw4Hcy0H4VDz1+cs4gcSLnoX5siA2DHpU96Dd8uDxqFxKdUJkGlJBPkiB7pTuZIbaqDvA6w60qILamD56nNmfdS8shfACRT5EhAr+FV2qfkk5LPEAtqJLajfy1nveGv3h+rscCcvHICTavjC8HS7y016Um/Qb6/9JW+jLCw5WogM01OKbwU1Ew4ZZbMzYhfNqL70AGRpP4tqbanLACcqtqWBl46B0v5cZeU3XPrLQFXbQHZ5HrJDPulQSFBPLve0s9Um869L2RzZM6ZOCTrVX6tdE46fy5uEIMkplIAAZNKG5d848T3ohHv1eH3qD/tD/2LvxL4QVKErwbk9qVtaZ+fO0e9ldrAjuvOK7jc77ZmfrcplEdFDgqphEi40uRvImYxxY91egwa5RVb7x8aSd3YQUpqEVL8BIIT25Vqk6TmzlL+qOinWfboX/KvjaR2idD6e5K8s4JaG8tQUhsJLYBZoChKagc7N1uek1pffrB69EdVysGGyb+3FfaDz8fqDhWqg4LuMPqPusoTG1cDrrFoGoOLpsdl8K/dBvveg23wfNji3cMl7m42aN7XaN9zaJ/1UM/vYPcHf++2gbvcYrisMFwA5sLBtRZVbdDWhpBZGiTK/0Y6U03tHWoMJqj9wZzYGu0DRu0q6DufZqjeAdUOqA4OynmCbpuQ+sf4pV07aBgNGOUVXBvV3p32BD8QWuUmxddV0Tw7BON52cEdTXLCJhE+oxkyIHMwTghKuF3cPk7xk2pY7ECOyOZ8b5kJMm9YCaFNIUdMTyG1mQFcSunDJ/nY4yxC/bHuFKmlU3cUY98Nfx0ntcS3tjocK7KpyMf0HO0Db25uaFOgMa2kFyXpa3mZcQ6JfFHq7Zc6HpLcnooScvsiwM2XS8uuSCBHJE8lmdJK5kPgAQj4ueptjgwveb/myueumdo0kVsNofFFtaVrP70Oeu1vA9Dhh/4q8E/fAfXXYK7c8oHj+9QsmRPcWC5XR4l6y48tnQv3pC4V7gQZ9l6K7UyZHcmrHGxpTEWD4xQ/hzEq8px0RdA0PzFwVMUID/dlPTVKMu/PydcKpDZFaOO+dV655motLT+VnVRaQ0hqJLWTCbcvo8MkOvrWEjNkE8oD08IBAOz6BruuwdDXIX0NMUF2E3mztQNaizYEjbqqDz5glLIwUHhutvj84Qqfv7mCe79F+0xh+8ygfraDu7mBG3qoqoK6uMBw1aK/qjBcev9atJ4w10Gppal8aFCoLpDaQx+I7eDJrHXKE9JBA52G2gc/4Z3y5HbvUHUOTik4NfUNDlDBUsAaL027QQNDyOFrAWXDd1wBSgdiW/sHtW2cJ/zVI3lJLCCy4gobjkms9LziREMKGhW3j4NGxQZKHpYSjVsivewvFzBqSUVFQXnewVNJbYLYlpJa6evEvKr5gTiJDJNvrRTEidcTldq3wPLXxv4RtTaS16tEO1PLEDmkhn7pGh4Dg2dYeizEFsgHh0r5xdLj1h0HbyoFD/x0H+J2bhs+rBQ1EkrILZAepw/aZJaTUYl8LrVJ8tFN4T79o1JBqp6UL/GjRCQTD0l2S66TzpWQ5ELCy0ltjsymyOcp/CgFzsfK4MntgC00augjs+RTQX1y7zP7+AH/p9U/xIAt6t9QAT8QTkmruKn9FMHl4ORXqo+fl14g4pcg1UfKU/VW1QAuE+0iOIvY0mjDkaABx0plBDVB7lztU/wIuWujiWwkZmP+2kBqK/jAUUv+tUAgmsqHfzAn+NvmfIOXwCNAA8eBnyaCO5kgS761tHyO1KZMjKMJckQkvr2tYOx0D6ccrHIwIdjSYDRMp0PkYDWZ6UZ1svZ+sFU7mSHH9D7WadzZFu90V/jc7ho3z7do3tPYvOOweaeHfnYLs9sDzkG1LdzVBYbrFt2V8v61W4uqDebHhHDTPhqnfaRjU2HXNWMqHzNoOKPhrAKM/1NdJLQK9d4rtVXnvH+tdpNlQPQb1uSFw5G/8GErBw3lD2sXCK0fD9daoHbAYyC2S0Q2cQ33r5VUswwvS/K8Sa3ljZMIbS5vrUSLWGcjqeUNAfL+rlJHSyJnLZHaG6GsQGiBfEofQO5x0dpx5+9R748DRj3FfNRps9+BYIZMCxC1NhU0KvXtJZo5/t3ieAjp0NH3wmuhHv4ilFuX+GLGy5qPtRTnpKh5kXgs4/lQhkU0ddBSGQ7JTDgX6OpcPArvoIhzyWrJ9fzcfe913/YkQJ/h0rnUcSBvncSbUTQ3LuKcWs4d9NzMCNT4hajR4fbPAFf/CoB/B3OraGnikwhqqlxqm5bjq8apFYdTjseFd5TjbMWWq7WGkDOq1kZSa0jkWk5qadCoY7U2pvdxY7oXyb8WmBPrGCnZOo1Kijde0L+UaXX08xzL0py0CyptbFMcGxvJLFNrKbmVSK0Zyawfu3FRgAWaoqbIkdTGIEtjSefrHoz3S0XI9xojIcNFpTYok61DVRtsQ+7aRpmRlD8bLvC5/TU+9/wa7lmL9l2F7XsGzbs7uJtbHzRKV1CXF3BXW/RPKgxXCsOlg9t4M2StpzROLrQt+tT2pkJnKux7bzI99DVsr+GGQGid8mbFg4/mXHVhxecQPofgX6vVZEoc+oXK58/VlfN53p2Dqxxc42Ad4Cr/0uK0CwTfAq2F3hjUjUHTGFTVIwhVsfQsFhgH9a9NkVcpzc8SqZ3UWn7jVGMgbMfPRijDGTzmnShZIJXKSnJ1jh1JpHbpWhz708btElIrpcm5JdsxtD4w94Gliq200HoLT2bfBfA2QpofOiERYkvrvYL8LdL6pRcTiXySWxytD6Suz52TftMP8+LzYpEjUqXpes6NePxQai29Xkr9E5GKkHyfCL65a1NRkWl7xeuEe3Lz7/H+BeP2IvxYzzENTvmrnhKgSapjllf3BLKbw6MisynQ1Tnp86Hvs3QsdT61zUDVWltjFh1Z4kJAWaaYkuaWlllGzt+2FFSpXQJdLS7r4X+t3sK7AP6N36OAP4rpNyMRV2n/VOSu5/fmx/iXnWpr2NcdgFeWm3RPU+S5Wpsz5bWgaX7UFDQq5K4dhIi+3L+2whRASKqf71cLj+9S39oSHPnVJkyP/bYaya0ZSeu8/EzdJaTWRhI65q4luWmPokm70eQ4LipEUjsqtrG9gfBaU3m105C8rIqaIQOoLdp2wKYa0Gg/xr2rsDMNfm7/BG/fXeP22Rbtuxqbdx227/TQ79/B3t4BzkFvGqirS/RPNuiuNforwGwdVDtFQx4JOaYUPr31qXi64Ac8dBVs54k4oqlw+FRDiKgWctbqwUEbF/qjYCsF2wBm4+9tNxZqY1C3A6pAbI2uvK+tdnC1xrgaUDmo1qBpDTbbHhdtj209YFNP4/HSIyV4SsyoPS3ND9/mpp502yVJreQnC7ZfogGS89wEmTakxDyYlwWrQzoGnF4/5sE27kNq+XzCEeuNAaNi2p2Y3ofPMT3mJsjvwP8fmr01CGptyuuZQmor58vSUN6Q41J9S+9s0nnp+MuKD0Ml5AT0oXxIpby2ESUk96i+TF7WEsIokVvg9P6W5BWWAkd9WMGZTrpfaOI5BNQmtum3G6Mbl4L/Mh5D2IsXiocmwmfcN5XPNoXU4qLEoXILkalnO8U5JsnH9ZQyQ96ipQgYKRqfLvtt+CSADsN/ANTR1/YHkM51K+33wrmS7dz1vPklEy//7RYO88nEdm5aq09Waw3UPGhUDHzEgkbFiMgxgJDkXxsDR0l+rZWyME4VPxBTpDxnlnwcEVnPjnNSO/M3DuNgM+Q2lo2fE9GbogJT8kcVb6UmU1sXzXgJqY1Rp+P9jNUh6JKCGjyxHaP+qrliqxpvLtxUfsGhdxV6U+FZf4G3d0/wzvtX0O812LyrcPGuQfPuHu7mDm4YoOoa6uoS9skV+lcb9NcKw2U0QzaoKzu1naR+GqxGN/j7jKT24Emtb6+afGUtxj6Mfyx6sWnh8+ZugeHCQV0abC57bNsedWVhrPfl7esKpqnGcdXaom4Mtm2P602H6/aA6+aAq7pDqwc0Z6aY+kBRQGT53ylpfiTSIHE+OcWP1MB4TFJk6TnpOKbrEiTyqBNLpDZ1TWowziS1PMAGTekTIY1aHCUez4mDk2XJpzZeH7sdVdK3kY+GrJ4Bl/t5xOMcGedt5Mfo8HOVVlpr4PXkEOfOHNF+2fEi88wCZT6wJWpmCcquzz9nOfG9T6oZWhcluedEhD76nmgOVriToyL76z485NRW6d2L551N9ZeT3JxaLF0bv7EvGlJLH1K5z4e4x0OcT21jrtzmuFXEi4hNdGoZigbxnWWCRo+yGePcXLdxEPmLS7rs//zqLXw67P3lP6uA30SK8AlPmgDvA0puJaRWKPgLgbRfgJOIbSo37FGKH0Zqo1qbyl1LSVk0nwWQ9a+VUJJ/1owpgI6flCMxX5jEuRnyjFhnSO3sk5DZ8ZOotLM6iN9sNEGelN15ntsIatJNFw0kc29/HLBWwxkFbRT0MNkXTSa73ixX1w51VFWh0NkaO9Pg7d0TfP7mCt2zDbbvebW2fW+AutnB7fcAALXZQD25Rv/aFodXKnRPFMyFAzZera20HdsZ1WljNQaj0Q01+t771EalVvWe1I5BoEKDFSYyC2+hDFt582PbAObCE+r+ysFdD9hedXj1aoertkOtLIboy9t6v2PnFLS2aGuDy6bHk+aAV9odXmt2uKh6XOpuzLH80oNLeYXI8TdaBux47hqZ1EpxcSUKh8wx9reUszaHEhIsdfCBSC0nuCnan1qb4NfF7T3mpDaqtZTcxm7ET6rUzsyQY6EFE+TSn11q6qavBPGTW4VL91i6f+qalxkfVKqdcwM7pRBVy/uQcd7XlAlzqbJbipSCy9twShomruIukduXxSZoSW29j5Ir3Uf6Jh/qHh86MkTwQ8UDt4WbI/NAUpxr4cxj9Lh0jp8HCrIHBPjXBckk+VTt95QZ5pRlW1/2f4evRZwZb389cPUnAHwa84FeWlmgyqtUNrWdKyfdj98DkP11C3+LZ5sic7UWQDLfK/WttUSd5blrj82Q0/61Rzls72FWLBHZma9sIWG+D6ml4GbItE5KqumYSYRVKTcnuEwRj3BOwYZUOTCTb62yIa2NJulsaget7UhAe+vT7rzfb/H5uyvcPN+ifq9G+x6wfWbRvH+A2h3grIXabKCfXMO+do3utRbdKwrDNWAug59qbVGFAE4m9CeS2t5UGAYNM1SwvZ4ptTMTFwUAIeoxScFjGwUVXiDMRqG/BvpXHMwTg82TA54+ucVHLu5wXR9Qa4PBVtibGnvTwARz7kpbXNYdnjQHvNrs8Hp9hyfVHhvdh9zKj4DUUhQEEEY7+ddGSJwsleZHMkOO+/MUP2A35vu5oFEL56SAUbzhC4QTyJRNdTAlIybqz5FaSa2NkEZMMiPmkJTaaDbMmwtMAaPehSe3NwhmyCAFbgC1m5s2p0hlaiGWRi6mc1lJAGqp/tRnCvF86YvOy4IXRXRz5sG5dqTuX0poTzKvltRBqCMS+hBEN6Xg8nsvIY7POB5uOj7eQcXFbeqjG8u9eOTyxdJUHBRHI7LwNabq4ZDOcxINnObz+6gRH46pz3NT/iwRiDNJODVHPle1TfEhfgyYP7+XaOF53P0h/G1PRRzw1KzHy3l8o3L4ya8H3Pcr4F8NB/nEy5E7v3RtWbNOwwn3PJnYUj9RYFJrOTmT1NqY3iaaIY9mtDx3bYyIHPxr60Aaxjy2mVQ+o+LpkFR2Y/sl1XbW15kSOyeW3Ax5vCZhfhyvTZFaGgGZlp/dkyi3PEgUMBFZlRkfr7JO27EW6xSsCeltiI8tEBTbQBKhABXI52A17oYGg6vwzu4Sz24u4N5v0byv0L7v0Lw/QN913gS5qYHNBu71V9A9vcDhNY3uVeUV0wsfeKmpzNgHbx7tCfcQzKTNUMEOChi8Ty2smibNoMqOX0uox9Xe7Njn4fWKrdkC/bXD8MSifqXD60/u8POu3seXb29wVR2glcPB1qMSHcd9ow2u6gNerXd4tdrhutrjSh/QqImJPKTf9gtDAZkt8a8FZJJBP6XtDjxoFG1UiqTyY0gcT9CYFFldIrVLBBiJ7SWTZczPlyi1Uk/pcz61TiEtmKbq4vXSblFS+y6CIRUtGIhte5OPhJwCfaHhaXlSawSSXy39+aZMoSMk8lpKgF92lJgGU/L40ObM5/jdnusrLPVDCkj10EpuTsFdAv9+onpLj0diKeWq/aDAFeRSc+KIlO+sdB9efglLSvEXJcG9Dzk4Fy+KJDNw7iKRXInfSMeWcttK5DjVpjQ+aHKbo+9SOd+zf4RPAj/W4TP/EvCpp6wIH4jUSkPDzpVeJ+2XnIv7fFWjAPcLHsXJLFEl6bEY4CgSYGqGzKMha+WO/GsjwW3Im16lbJhS5NQ6Re2npkPEDLlUrR2Je0xnJASKAubqtmR+PF0jq6sUEvGlaXHi2I1lgMD4MAZkooSW1mtj8CUaOCoGTArkFpUbiXNMN3TXt3i226K7adE812ieA5vnFvXdAPQDlFLAxQXc9SWGp1c4PK2xf12je+JgrgyqrSe2mpghH5Fa49vnAplVcRyimbQGoJ1P26MclPEk1vvdKgwI5FYDw6VD/8QBT3q89oontT//8j18efMcl9UB1mnsbYM72+JQ1eOYbfSAJ9Uer1Zeqd2qHo0agj93/P28/KkexDf8TDkpzY/E0SRyKxHg+XUSRSs5JjDwo3JErU2RVQnnkFq6n0uMujSIAiSCS8FHIUdQpWtbTGbI0ktF5Kw0vc8NghlyLBAKNbdz5ZebNd8XuX7ETz4WlNQ2rHyqjlSZlxXnPHc4icyR3FNV24hzgyxJ7ePtSd2P9yNHcIva9AHG2KWmyXHsuHoLeAU35z+aU3PPuY6TTmr6a9z8Zb6U5NJ6c/cqxZFy7F40yXhgSCTwviQ2ElK6wpn7fIh7L1yXMkeWFmDpM1jiNyl+xMvxc6l6JCyR4g+e3MYBXnqBOP4ivvYXOuA/9Ifdr1DAL0F+1YB/KalJMXfd0rXLzT4ZJxFbTgTpthRkiSue1AyZRvmVSBz3r/VRkd1i/tql9st+GsttB+ZqrUkQz1T0YylQ1Dyv7WRSTAk6VWk5fNqhiuw7Uc12zh93wrkxmrJVcEZBCal+gKDaBsdVpXwU5d5U2NkGt4cWu7sN1E2N+rlCc+NQ31noLkyT2w3cpoV5/RL7L2uxe6rRvQoMT3zQpqYd0NbDZIYcSK0J7fKEVo8k1bfHQUVCqwBXhRyy2vl9owCtx4naaQXlfPCr4cL71V5dH/DRqxt8xcX7+PjmXTytbrHVPYxTuLMbbO0Ge9sg5lW+rA641B1e0TtsdY+t6sfFFYNpYefRgHHAlBTI0/xI4qREaiFsR8zNkCVSShuZIq9IXEuuSTU8Z4KMgnJI7JeSWoJUsCiKVC+XiBxFatLPEWHCWfEuPKm9Dfu2nheqDpMJ8uuZdkgonT8l0HczqtRSUh1NooHjuqWxkMq9rHgRi2mSH+x9yG28/hSkoj3n6uEklqY8Orf9OXPmUoKcSmcUj9E+0QjKXL3195xHeZaU3HODJi2ZOUukUzJRPorufBRF283qyRFcfj+pPqlu6boveuSI6inXp46VbJ+B3PNfIrmpY/yZnVNtcySYn+dIzQ3UCu3FkdulltNy8/Puxz4J/HZ/7k844HdI1aX27/MdS/XSez/wfYuJrXH6KDBOLtCSIUrkaJbrtM+lGvajkuvrCqriaIZ87F9LSa0mjyzq33rfvnDCnjNB5mptitRaN1dq++CwWKrS5qDhiRwltJo82AdoQFuvxmoLWMGf1yoMQwXXa1Q9fHqc3ud79VAYozEp+FQ4VmE/1OiGCnf7Fua2RnOn0NwBzc5BD+HatoG9aGGuNzg83WD3kQqHpwrdaxb2yYD2YopEDHh/3zF3rdU+oBUdFxWWYSOpBTyZracctADgLGCrCk5pPyKhrG0c7KVFc9njtcsdvmx7gzc2z/DR+jleq+6gYdE78nAKOYsbZbDRPa70QSC1Cr2r0btHEoNxSeIjfzZIXJzEpnge/UyZLE9myCkCG/clypWidDj+TAWM4g0qIbjnktoUFs6nzJDpdsnXyG8lvbPkSHC8NpLaqNZ2rGB18FGQn2KeB1dSa++zGMvnOCpISKQ2lWoIOG5XaunkZca5pPaDTg90LqQ0OSVEmZJYTm55PfQaCbncujlI9ZV+X/z7oeT3WD3Nk9xzUCFNblO9pwT3qI2h7Wb87tTseI7g0uO8viU8qoXm+yD38l+q2i7VR82RTyW7Qn08eJQETs1KVNvUMXp86VzJ+Tm8aqux0KEkzplt7rea8Dv/NYff2Q1wP94A33h2NWWQVh1OWcE+satnmSKfGqhpJHjw5I8Hi+KELpohc/9anubnHNjgFZPrAw+CxUmtZIKcI7WG+NZOxF7u++ycqNJO5sSxtSBtjQsCse4antz6MdOwLGiUcT6tjRl8lGHdKVRdILdDqJqYI8frBlPBxhQ8+xpqV6HaKVR75x9W1sG2FVytYTcVDq812D2tsP8yhcPrDuYVg+aqw3bTownRkI3VsM6rwS6aRhMoDajK+SktBImCdtCB0NaNQRUI8jBoDNpPshaAq/wYudZCXQ64uOjw2naHp+0dXq9v8Vp1h0t1GO/Vqgq9Mv47VwaNMtiqDo0axkWVSGr3tkXvKnSPidjmHiiCfy2QJ0gpksuvSzcmpSE2mbIpEkzUWt64U1TVkuBPQLrO3D0CltTaVERkIK/U5lagYxOkEZa6eIuJ0N6SevQAIOTYjUotj67MCXYJaJtSLxe5XwEntZJyLG1Lv6bHhBRZfUjf2XNVz/viHILLyS2tJ3edVI+E1Di8KL/iI59cWkcs8wJI7qlYIrg8gwbIuVMJbg6PmtTej7OcV0cpwT2TyALL+Wwp1+G8R9pHwbGS40vnUveZ4z4myakWvji4P/9JQHX4Nx3wZ7m0fd/fHsV9Se0ZOM0U+URCS31Ix8BJgdD2ZJsi+ohq5WZBpErJ7Jz0lYGqtZL5tN+ek9pknwVS27vqiNRS31q5H+l7aLhJ4VbO9yCmSCLmyD7/K6DhxySaJMd7D1ZjMBWGoYLpNPReo9or6ANQHTxBjeaGoykyvGIbc992hwbuUKE+BEI8+AK20Rgua7hao7/S2L+mcfiIwv6pw/D6gOaVA64uOmzbHpXyZNUAXqVlpFYpBxXUZl0BTjvvZ6vhIzTXFk0zYBMIsnUKfVVhh6DcWgUXfz+tRd0OuNx0uG58IKgYAKpVxk+GNMJimEIrWFTKzVae/Xfrldq9a+4VmftDQU7mC+ddfcTFRO7HSRPfpvuyGXKqQdJxIG07HbZTvrW8wRxSuRw55QQ4R2rZfXL5ailSX1PuLxJD2o0UT4/3oEMQEc2O4x/tih7mkZWfYjJBTpHJkvvzftM5UCK0tDwltTwis3RditTyhFOPASnT3fvU95B4iDy35yq4EblUQ0tjJ/kdn4P7fEfJSNP4YMxuz73HLLoyU29T97lvoKmS+zwqnEM8U3Xwz/vUmWsnZ6nheC7tj4Qlkps7BqQj/efIbGrBV7oOyKUBOgU5Op0rmyq3PFLf/10O3+++G+4f/G7vcxurO2XxIpeap+S3U0J0T/gN3it4VCmmCMpp/9poPjsS2qjOYjJDXvKvPceUVyKp3FdSIrWSWptK6xPNkCmplQjtKe2fmR6r+diNCCbKWvJTCoGZDkOFrquBQ4Vqr1DvgXrnUHWAsg4uLr8q+P+hYddaFSIVa2AgPrkAbK0wXHoTYLNR6J4oHF73Su3w+oD21QOuL/e4aAY0lYFzCgdTwVg1pvmJf4CPmVFVDk6bmVlyVfnct5vaYFMP2NTDmIP2Tjc+8NRQwdZT/1VtUdcWm8rgouqxUUNI1eNmixupBQcfTVvPFi32rkHn6rMWVT4USCwowSkl/9occY2QggLnG5QzGE0RXQjHmO10qtE5slparoTUUqRILgGPipwjrkvrEvGWUncoUqS2w5zU0q62AMDSBUVS+xTTcaktqfkp17dYPlrUgZ2L25zUcoItkWHp3lLZxwCJ3B7lSVXqwUnrKTgnWjKHFGRKyiObUphPDUzFg1LxNpQidd9HEXTwREjRk4Fl8+R4bkm9XTo34RGMbSlpPBdLUY1LyeySOXIBCVpSbUGq4tvAFDE/VX7pGNjxHD0snSulax/G37aE8d0P7jt/EfCdwC9wwH93TuTrCE5uU1hapaATeu66DB6E2FbKAk5WH6l/7UTu5gGTKKh/baPNSNZi/loKiZRGYnGKuXJqRc8S391zSa2hqi0htTkSG31yx+1EcC3abOqbHK/jz/Mxf7CpPKntaxwODcyuhr7TqG8V6jug3gNV5+s3wQzZ57J1Y6qfmPfWGeXzyYbhtjUwbBVMq2AbYLhU6F4ButctzGsDtq8c8OrVDldth1pZWCgchtqbIYc/Y6bvVakpCnN8j4jHmsqgrQ0umx4XdY9WD9DKjbln99pCaQulfV5bKN9+rR2qEHE7frdeqa1hoNA5n44qSW7D7zeaH0dSa6Axhat6iZGSoxibWPKvjUgRXInXzf1rc5QsRXaXaF17rNbGm59igsw7dy6pTbDJpfQ+OdWWm9dKpJeCq62peSM2lzf7hl13zeqgpJaqtbQdS+9U8TMTw2xs13VoE29HbAuN8Cz9eqT7ouDeLxuSZsEvkLM+lBnyQ6i3JfXHe9zXbFiMrEx8d0shKc4PgaPgSmLQLRmnONDklGFT2KWj9EHMPJmjhOAu3e9LFqlVxFPKL9Vxj/OpqMgpnEJgl45JJJceB+6n2p7nb5ublVPnl8rk6Hz8cjr8+J93UO5rAADuxz/r1dvUIkWsgm4DxymBpHL897C0v3RcwL2JLX0o+bQn8mMykir6B3hyOylzxAxZTal+JJLKSea8TcF8NNSTIrkzs+Oo1Ikpi9Ss3CmklhJa61TYL3vUpiIvj362VOVWU59j74YQBGlweoxi3MfPocK+a0b/2JHU3jrUewfdu2CGrEIOWwdUgKostA5k0+nJPln5h5TZKtjar8qZLdBfOfSvWuDVHtev7PH65Q7X7QGtNiOptU5hML5dxujRDDneJ34qAJW2qAIxbSuDi7rHVXPAthqwqYZxzHa6CW1UcA4gjrnsN+AXLHpXw4TAUb2rZ2b0/Dc4rTD761IK/EuPBV4p+ddKvC7F56TrAEA2Q5YaJNGS1H6gRamAUanGSqQ2QUZHLJFaCMeF/RyppT2kuVhPIbXcDDkSXFsD3TDVL3WPklqKWJ6SVx4siq+bdKxddG7j5JISVE5CI5m9Ec7FP0pqS31rcwmjHgN4Opq57+WLM1BNKZunQFJZT0WJCfZS3eWjlI66HFFCojnBPSvnb+I4J7VLS638fMU++flz0/HwOji59feSg0vx++Vm2+oFLux8yWCJ4JaeTxEinG6OLKGErFLOtVSGH5cWZHNEOJ4b7m2SnAK1WZJwykrGvKz71/4FAL8YQAfl3oC7/Zv5NLmpZpQot/TWvK6cJF84KZ9MbOMLvnExNTknlZMJCSV+VK2N5rmc4FGT2kjQxijI9wgYFdtdGkkvQoqAXHwtTW0UiHAktVJQqOPrj8eHYm6KPCe11NS7szV6U+FgahxM5YM9GW9+3B9quF2N+kajufVpepqdQ3WwUNabFDvt/SxtDbjGoqrcGKDJR0n2ESJsBdgN0AdzZds6DBeAeWJQv9LhlSd3+LLLO7y62aHVxpsLDy06W6Ezvk3DoGGNDxylSHoiFSNjB0Jba4smkNrLusNl3eGi8r66va2wD8TfBH9dGAVYr9g6q0Yf4bj40Lkae9ugCT62fEHBBy+bm8H7BYw5oa1wfiqqDxQ5/khYieRfC2GfH+sT5Tp4/9rjxkhaGadH/DinIuEzRVj5Xwol1y6R2gVCS82wJHIrfS0lpFbqyg37s5knfqrJ/EWA+q7m0uqk6o7gRFIyH6bvQpTU8uiY9PpUHWDbNEBVasnkZQYnUBX3AXUO56SmiYgz/CnIpbWJdVLQ+ktV3IdUO5fIIR/T6PuZiroMnE/QT875S9o0q0epGbnNRTgua5fHEsHluW2XIKm/p76jSYj3flQE9xQ+QnHKNUvRkc/BEsFNIGeOLAl8fLtk/9wy8RiE4yVlJF4GABZNAbnNzZT0DqlzKYpOz7WJ/TenY//nN/GrnUIH4C//XQD/HPILG3w/p9xKix+55qWOZXC2YuvVWR0ixGogpEWRQPPXWkQf23lwoIjRpBaTCkn9Rg28iW28P80DO095YwPRcGMU23PASc45frWDnZN6SYmlpDSOWezXNGb5/xbx2sFWGJzG3jQ4DDV2Q4POVDj0Pj1P31cYuhrurkZ1o9HcKDQ3QHPnUO8sdOfJqtMatgFMC9itg2otmnYYU/NYqzFUDq52sFuHIURQdrWDubBQlwaXT/b4yPUdvuziBq+3O2yqAb2tcDu0GKxGZyrs+xpdV8MMFVzkzBUAq1BVISCzmkjtpvbqbCS113WHOjwle3gza2M1BqNhew0MGsoEkh5z5IY8uT0xO9aY/4apj3dFVPHxdxCtBii5vecCzAcCiT8mmNKpPDHF8TosmSGnaFrqnECETS03+hwT5FT5lPMw/+Tnwz41QY5EVjP19BxSK0198fYxAFSHidhSQp2bGum8Qz+pKsoDNcUyqTUEPp/RnyEPPCXNn7y99CcsXc/7yCMuP0ZSG6GhR/J1pNzGeAhjALzq5Ei5vM55fWkilkurk6vfwiYJ7qmE9lSVVjTf5Wl3lJqRW+DY//YU82RJuc1B6pNEcM8ht0smyanzYt2sGymie27Qq6XgUrl7vrRYIoTSHPMQ9ebKSeSXE+RUuZJtpM2Rc9uxGXS/hA9xyyFaJnUs5UYjXUePc9VWYygkt/wu0pfXJM7RmTc3++b33a/9jcCv/f0AAOUu4G7//ePFkFNXGZa6RJGqr3BivpcpciSXEuxIACc/0xg4CpgImwQtPLyt0zBq8mHkpJa3q1LyU+0ckpuLggzgiNTS/lLFNkVQtbIzskv9avk1sm/unAQPNpBaU2PXN9j1Nbqh9oR2qGAOlQ8WdavR3Gg0t8EEeeegOwdlHWwdSO1WwVw42K1Fs/U5Z9vaeBNyAGbQGLYKVjvYbfBj3Vi0Fz1eudrjI5e3+PKL53ja3mGjB1in8L7borMVdkODu0OLw6Hx6vEQ/IK1g3IOqgasdXCBSEfltlYWrTZotcEmpIRqlEHvPKHvbI39UKPvariuguoVlFE+963xEZd9xOhoJu5JbhXG0f92BlSB7FbKoVHDuJoc89VSc2X/PT62mZSBvOHbxqvwwMTnSp5F0mf+ZqVBo3IsnKT3SZFNiXBywppi61JHS9h8ojwntSlCG/8kJRJIP+NjV3JqbYoQ867EOeiaXZdKp1My70ikliu/vJ+xP5TsphTXFOGXCC2/Xjr/skIinRFcaaUkR1Jhc3XdFzN1EzZ7L6oSc+J8StTnFx2MiRIrrlK/yBzBudy7xwrqMbl9ce2ak9uUmiuRzVPI7SN0+DkNpST03HpSqm1pG+jDVwoiVVIHQcocuYTgSucgnOfHpHpOOcbrlupPqbZlWKLM9HhqBs+9HdDz0rJAC+CHAPygP/Q9b+IvuX9/fI35N/4rAL8y24Hl30TJQghv7gn/L04itqVq1MyE98gkV8+IHScGo0qr6ERMAinB+jwvkEkeNQWN/rXRDJmTWsmUWkKqHPfFjaSWmyBT8sQJqveXZavWhASP/c7k/Y1zWzQ97oLp8a5vfICo3pM8M2i4TgOdRrUjwaLuogmyJ7VOK5iNwnChMFwCw6WDvupxddHhetOhqQyM9W12TkFpB9v6/boxuNh0ePVij49dPseXb57j9eYOl7pD7yo8N1t0tsZNv8HNYYO7fYt+18AdtDcXBgDt4BrnyXJQWFH5aTMGjqq1Qa3NGGjMQGNwFXamwW5osOsaDF0F1fncvLA+jY8z3hSZz69UkfVqv1+T99/RZMYefX+iyht/0/c1lf9AscQA2sm/lj9LJB4I8snNkClPnKf5yTVkKeavsJ1L78MbsgSpnlSnc2ye3U8ZmdSmRiNlWgvhM4Lzcxo4ygaXgnqfX1ZILczSdki+rClI81uERIypAkyvz/xcj8aIluGZkIHjfj02UgsAjfJUJRLB+BnJzLgfnl25PLcmPOsoccqptbTeXN0jQrUVlEhuo+rMzafB7pcLvnQqmZWI4Kw+Qa2l4E98Sy3LyLWSUkpJJq1Xj+fpe1FO8T4eD08yo1uXEkljTrk/xWy5SmzP2zJBq/m4RaJbQli5aTG/Rqr30czKqYdv7rOkTok0SOSW35tfs3SPJUYo3Md1fk6kVkQ0/sMScqRzCUsUMXdMqoOfl9plkwGlTqHT9Jo4yzdsX3r76lh5zhhT7LKD++2/F/jtf2M8rtwvheu+XH5BSL2q8ZQKLdK/P7ody8SVgkJy++Dpfkbn/6CoUv/aSSGbB5CSQM/FgE46RK6VVNcKPn9ppZbNkHNKM68TSoumw3NyPve/NYS8jqryLJqivD0eIyptJLQ84Ba9dzw/WO19TIca+77GoW/QdRVMX8F2FdBrqE5BHzSqPVDtPLGt9oDuvUrqtILdKPSXGv21Qv/EwT4ZcHXlyeormz1qZTC4ClXwde2aGtYBTWVx0fR4fXOHj25v8Mbmfbxe32KrehhoPBsusTMNnnVbPDts8fxug+6uAXYVdKf9LKS8KbNzDlY5mBDFeNAVmsqOgcboGAxBWtyZBndDi9uuxeFQwx0q6IOC7j2ptQrzhLzwCwtejbVolZkWMZQRfyPW6TEScvSZNiFstIV9HEGklvhkgPRIlFByXDZDlgislH00R3ZJ6GbeaEBueI6wLjF5fpzfW7pnNye1OV/apVFITXf0nYQS2lvMSS3NPZsipXy+4e2SgjPxF4ClSZ7Xy/PP8lRBvB6pzdLxJZU2d+1jAVU5TyW18ZyY13VBXb0PUnVzlTHl5/vQOXsl0LZwUpvCEqHl56pwTWn9KeTGQ/RlZeP8IpEzg+YpgUoh/SpTyu8XTR7b+6KUEJdCMkl+gffO0b0Sbv0i8eLvlVpx4ANLmWEO3JA7V++fA/ADU/n/8q25JC0tYgDHA8Jl7CVSK9VdCOXcB/R0W7FixYoVK1asWLFixYoVK14AHoG8tGLFihUrVqxYsWLFihUrVqSxEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGosRLbFStWrFixYsWKFStWrFjxqLES2xUrVqxYsWLFihUrVqxY8aixEtsVK1asWLFixYoVK1asWPGoUZcWfOunvwLAxIQtOUfZcQXljyk1389waEtqM3DTceek4tN9wz3ofVKI9dJyGhqVmu/P2uIcLCwM3NgWAzeWMAvtAzCr399jPna0HhP2LQDjpu2pD3FM5/eNI1vlhwDGhbpDPcYpWCgYKFg3XWygju+h4vgd9znWZ52va9rXYV+P+xxazUejYqNj2O9GqkMCrZfXKYHfh7epgoNW/tNvT+MRx89AYe9q/HNf9ZmiNn5YUJ8lO52wHT/7wnJLx0q26T35sVz5LrGdqid1jO0rA+jBH9KD/2vh/4Bpmx9rhGNL1zXC8dRfc2Ld9LoaFhoDNHzH/HYcKPrHBy8xSEUDX7qduz5fx7+NN/G9UL6TSwMhfWFgx2j5H1h+xn9Y+GXf/r86Phge4y7OO/GxHrqhnAMcoBw9Ni/D6xpByzs31qGsr1eZsB/uMauT1sXaqOI8Guuj9Vs3b6PYntAn4wA3lXcKgFKABpxW/q8Kn5q1KXNvAIBWoc2+Lih/vSPz+9gP6+tR1gHW+fGxzp+3pP54a9LOcVxY3bN7xDE2bmzveIx2ScV2+j5D+2Nj++O9Mf0e+FgqG/dt8ntwio5Pos3A8XdJ26um8QXS9c36aIXGHN3b3+f//rf+g8WyHyYU/nDYkp6FnXiNR8nsw8tJ5/j1qetySNVNZy0O3rdQztTyY19qUvyshqmMIdQm9e5Br+XbpUh9NUt18etyX3FpnefeX3rPSpWVjvF7lYxpybth4lr38USdBMXENoJThBypnV9nQ/k8MYl1GDixntw158A4N5LP2MZINCOp5YjklJJWSnI5maXX0etPhUQqKYw7JreGzgPwJNS42N85qTVkHCm5zZHaeNxA+XJuun66xsJAH5FYsQ/C74OTWcO+b9queI9IZqVzUt3VuKxwjEhoY32c1MY29a5C707+L/XBI/egKiW1uWtP3V66Z6r8fUhthjtFUkuJ7RJXOoVTPSShzd0ntokS2jSZpQMn/fHBui+RjdunE1n16pv+5Tx0+nuh/KlShg/hnHTsnBedDxicaEw80s0P8AL8+gxxLIXT/v/O/Abp8pyIidAKsG5OwGjdzpMfBQdXqUBIKUEKZK7wXSIJ60ayRaY53we2eOC3JxJX1E/nAKtmL1TKOZH8jwSZV6FU+l6x/irUGxo9jgrlmKTt0v5ISOmYhvGJZY/aPdYtNy8FcQzi/b6owCc8Ohm2wvmleu778KIP1IdAaX2hXDUAbZ2+LEdq474R3sVSTUgdj/VKdeWuy6H0qzz3PqVrEB3bptelCGbu55UjuCX3L6m3cOzOfgvn9CNFLrlSagspXTUjWSlCVTZZ0esN3KwtGvpIeS1pIyenKTI7r1dom6DWngqL6fsw7vicr3+u0sZjVKml4CR2RhCpqr6olMvnrcsT3SUyK7aLkNqJlFux7HhMmWTd/BpKammbqFKdq+tRooSg3ud6TmpTK5nnktqS68gxSmojoQWWuVIpmZXK34fQpkg2J7MAFtTZUjLbs+O8jDTYnMiWXE+I7B95E+771NhZd6OAt1jnrxMDIq04QCiXOvYSwyuBTGUkGJVAEKLH62BkJanIpa4DvLqISC7hCRRXbmcVJjo0q1PBxQNktdaFc7xdyX4QQhrHwymhDUyt9YplrDuu1kaSFU/k+zFTV+M0NBI/ShzJOYvZ4Iq3IO8a9Dv2hFuNCu7YFhdpbFDV4xiwumIbuAo8KuFEkaYdVePLB2kLb+sSuaffm1Lji4xTZJGmBHHB69ER33cXzqfILZ9UOQuQHma5uuJ8QNmOxHwg7EttoXXEZ398KFPyThGOVwAuQvmLRNEk2omUJq9NvcQID39OnBfrYHVFYsynyJLbS3MRv14qk2xzwAXbTpF3WleuzCn3jiit70ScVWuO1KZUVjMjCKe9/C+V5ypwKXnOlc2R6XhOMss+BeeSWslUOHUtJbS+3LE6G1FifqyFcZEIXjRD9udlU+RSs+JSUktV2onkOrE8rXdJCadl+EJA7G9Uax+FYsuRIplSmdx26bElUlv6GbdfIKnNkcqUSpsjnEtllsovEeYydTZnaiz9na6qLn8x+X31/30L7n/ryaz7vyngTTZYTxODB2HgsLDNj+Us514iKEdMXh2OSakC/AlMTEOanzOklh8/IrmewwbxNJBb7Ql33J8rmUiwtQJwQks+J96kRrPiWRly/RF4vwkpmqmEjpEslzBFjmU5ESxRbrGsarrEfEXJclSzjxRcF8rxMZyVoYRcXimn9TpLKtH8ficQTE6ClVoei5Lf0ilt+NBwgzJGk4I06XICS/cp6eTHlsrze0oEV6o/luUvGEvkUCLVKcRZWWobvw9vB7+WX19aD0ebVpCFosnbSuUkHJHKpfGN1/EDwnVVYV2lSNaX6+DyOJ78Fn4OqeW4D8mdt0UmRtxXVrr/ksKcAyW3Yh0nPEglUiv51/qyStzO1k+e/DlSS0FVySWllpsyU1JroGfktYSgHrV/4RrJ9JiT2pwJde4eJe2IpNZAo3PV41Nsc8+pkvkmVzZ37L6klnKhWM8LILUlJJWfO5UAn0toKQ87jdCWkllpsEoI7RmqrPu/wP3pf2rsmPtuBfxF0lGqyEqMPvVlYGFb8rEtfbn4sDFT1nBEZEYLWaWgVFT33LFat6DqSsdH/hQ2XFD6nFNQUXV0OFZvJbW0FFzVCyQtaV69WF/icBXIsfUmu6ISzqAiyeVk0iJJrKjaKhcg/aWmyKny0vdEzZMDSdWnED1eNvoB2+Obeb/fzLVHF1DlmXyR8ZVB8ME9vifmv9/ZokT+9i8fbhLHTyETqRnpnIckfY7HY5xkcuKaa3MpcS8hk9I5qf7bE+ui9UgkPHf/1DmqQIcJZ1RLc8S7FKcuFEgo7evSPUp/C/S+S8fptn/bWcK95KVTSC0NBEXL5kimhCUfXVrOjmTnmIiWENhZfUotBrMqIbTcBUkitPy4vy49RiazbMlNhXk9Wnj6S0RQw83qyqm0kdBOavHxd1YRE+GccpojvfchtfzeJeBlaX97V8FCi319FOBEUzrHt3P1SMfOJbVSPZxHlfAteiz8RZ/AHKnl032OeILtn2N2XFoWeFGEdonMSgN8qqrbQbk/DPeF74BtAPc7/yngB9gAPs0MKj9W+r6W8rF9hMQ2KrYAZuSReng4jUk11WrilgqeOCyQWpksEUIblUGv1fq6NQCrTjMhRZliPN0zkL5TFhJDf8fAUuLNiPzL/HvHY1LV9tgU/Khqft/4HpSaMqyak7sj0uxm7XF0LHgzaeAmalYsNrRgTHPmaiMJL//+6SKMGJk0VVf8voi6OxvjR6HWAsuTn1SWgxJPSkYpUeXElO9LdUr+vvGaU0gUJ6ApQiq1gdch7Uv187pT19+nDbn6OfHv2LlTyOTS/XJjQ+/5UCj5Lk6pI/W7XPqNHuMkYisFigJOI7V0P163RG5zZJb7tp6ilnLwdh21Q7rut/4AAQAASURBVCC3qQjJ6VBEUlTkhfPC2HAym/J1LSFuKfJHySxXe5cIbSR4VvjuNOx4vioIKHV0PYt4fKze5kmtOJ4L4yQpz7y/Bkrs70uLU+fO1HPrFDIbsURqeV0fIqmlXKeUfH74hPb2uMMnkVlhwI4GPjXo8r5yvxY/iO8ej7g/8B3AHwd0HFyuyiIxSMDxwPBjwHzAlojsIyS2zXOT9ZGd+ZSOaq3yfrAqkIig4I6KLiCS3bGOABsec4pwGOXUXKG0Cqi8X6dXPom6nGizCEbg5qR6MluldR7VG+sYyx/3cwxQBTXVXeXNYcdrwqIBbGCvQUEHXQRYmOqOIgBrX4GzGMfNxXoRfFuJQplUYpl/rIr7Rz6zBHEao20axytB7qM6TMhmlljS7278LbDvc1gi4MTvOf4m7xso7EMBJUDS5MW3S+uMn9JDLj5w+QyUMo+R/G+XcGqbpfbft/4lcsvLPeQEkKujhGRLbcn15z6/l4fCKffNLbJIiwQA8OpirWcptilSSyMal8A6t0huU6Q2FaypUmokmUuqbWxDrl0loKQ2RWhPJbNTfZy4T/uSglqC43RBJUpz2uS4d/URmc358NrwzeTaNGufQH551GPJpzarcgvqa0lZ7i8c+/2oCC3HOYvDubIPUd/SvH5PUhtRSmpLA0S9aFKbJ7Q3eBh1NkdmcwN+vK/cv4Vfj+8CALjf+93AH2edOtdXNkeAkTjHr5fO8WhdLzHqfW75dE5coQNZi/6vWkGpEOxpTAuD4KLqkFLtuH/rpNgGvqUBZQObU0FF1O44WrITUurkIKTemSmgEqHl6WWMY0R0Un2PSDwmNXgsJynH/JoUwXWBqJ6wjjtGA9YOsFERDyNN2nIUrZi/01C/2PhnCYnkCi5VTWNEaY1JGWXty4KS21RKDcnkeElVJtcpFVZmDI5I7uMGfaYupQyQEM1wpQdjCz9fRBJ7Heq9xuTve31CW0vJFlCuUsb2N5kypeMiPcw5kbyF7JuSgnQ/TkBTbcq94EgEm27nCOB9FkSWyvGxKFkwSJHTc1D+MlpMbMdcqQukNm6faup7CpYiEFNym8KSWXEJjpXV9LmxjFsuM9W3TGppmVSEY8lndonMpnxo++BHytVKSmZTpsc86FUlkNGllEA0J20qp24u1+7YvwLfX39uKieqtqTvj8oMWXpGpCIT564tIbH88xy/Wr59T1K75FN7Dvn8cAjtDRuQUkJ7IxyXBuu0wE/K/bsA/hDiBOZ+73cBfzKcjkQ2RTTPyWkEYTBxwnZJ6seXFPXzhf+oUa3VkZyE/ZjLVfl8rq7yxCDmdvV5Xt2o6o7HmQLMVdyISSFOqLEh0u5R7tSSYEvMfHfM1YpjojXLjxuPTSfJ9cTcWDI1tqytrM4ccn2aCDiy0X9nxDUKmiGw0/zc/F6KE10SnVnR8kcBptxsW3HzYB75mCNXH62jhORz02sJVM1nfuNAIQH/0PEU/pkcn8sIn9Hyhj6vQT45OLFKffKHLiW41wCu2L704E2RypzP5zmEqwSnkrJcmRZ+3ONnilhLBJ379HKinELJuEikltbdsTIlRJMfO2cBRcJDfB+pMfknFq88SbEtIbUvGpTU3ica8jmIZHiWPohFNvbtOMa5/rNiOwTSyevJ+atGUlsJbx1SOqAUoY1Krb9ONj3WAhHVsEeklhPaauG7zJFhaTxTRFbKmytdc3RdxtT6pcepxHSpHD2/tED5EBGQ+bP3kZHaqxPqvL9Cey7xzQwg21fu/4QY6cn9xt8N/DnWkdLAT6Wk9pw4KJwES/chx2x4H3mZ/3frXS+TE/JyP6ptSsFp7be1hovkVquJ6GrljyvnjytMpLaKJNd5EU5PKq+4nqom1Xb8A6ZIzg4kmrMDzHGaGQDHZGZM3ePvr0aiHXx6+RdGpwZOsJSC0o4E15rUxVmEYU6+bWh7os54vYTZlJsymx7P82vnY7JIalOElt67hDgusfhzRYIlwplrKwV9+RJMpx+HafIV2ebPYU94Ne5QYQ8dOtyyKwAEx6w6bM8/j0kv/Xs3tOGa/cW2SA9xSrKWJn66/VDkNndPiTjlyBQlgrkFAX7f1Da/hqc6KoFEUEv6sERql4jsfb6nh1isyLWjDMXE9tToxy9atZVMlKVoyNIxqtaeG6HZ4n6k9lQyK6XroUrqUXmujsJlCW28hx3NjCcf2hj1t3fVkUIZiR1VKyNpjaS2UvaI1KaiGueQMleWcuIuEdlzUg3RPlJCS8twE+tHg1LroFNJccnzNVU2JQxKx5ZIbcCLIrXStF9aH7+2LMpxzoeWru4/fOAoNbwJVJ8Lx1u4f+U14AdJB5ZUWX5sidSecg3Y9pIiy4isrQFXAzakPtjgJUY/zEiNJ4rzZ2R8qfemxwrQ2pPDQG6htSd0kdxW/rzTCq6mZDeQWR0U3codq7n0vkHhnP1FBEILB6/c2qA+Gjv2YZY71TKi5js2KXGcuIfzs09gmYRGZVvNz8+uHcktJeIZZXmmHB4XA9Kq9uwzRUwlzMiqRHIzau0poMQ8RfQl0DERFHJFCfaSqpx6FxUI7suNX4fp2f0ugHfC31sA3gbwJix+CsA/xha3eIq5ljrBADDhSX0AkH/iRyI8YMtqfB3HJPcKxwoubQF9WIMci62gn3GOSi28ppAjdudcw8+dEyZ/iXjxBYWlNpVeK9Wx9HK19LKV2v8gwdt4eoCt09P9sIdECRlMRRQ+VfVdMkHmZZfMkU8h3lStnUUypmWkexSQWuNUkmzG8/76YyVVqg+gSui83ngfnuqGktp+VGSPCW0Xov/6a9LkkJNartJKhLYkn2wKWXVV8Is9FZJCmyK9jwY50rl0TDq/9HkKeZYIa6zjHFLbPRypTYXcyP2VqLRXeFGEVjI7zpFZPoAd1H/65riA7/4JJeeVTRHM+6qyuWv4O1WOwLJt2xwT2aGaj8DH8PJCDSYQFTuRlbifILie2HryqrT2hLAKxyoNV+tJ0a10+PPE11Z6NF32JNcFpRej2fLs0UqV1/FYVBuDOXIgs2qwXrU1xpNaawFjAWuhjCV9I2RKE/KodWiTDvsqqMZE4U2NY9wIBPmINMd7pAIwcX/VWD7eN9SrStoi+b1K9UvETqpXIrTWz7nSQki2rlS9tH5+PlVn9JPORtnMkOXg77uIR0FqAfydr58ml2sAHx0QCS3wo4jBCCzeQRuI7SfCUUozI3IzxNyJxeAGBjc4oMMz7FHBYAuLy1DzU0yE9ikmk+nYUJBtvopIW0MJb5yP3oGfz97B3Az7llxHwQldikTnUEJyS1ZMJZQSXJ4o/RyyLtXL25B6AZPKnHMvaf8hsETCl3FaVOQTHxJUtaXk9tR6XhZIJsilkEgt9ZmN2zmCG6+XSK2kWkZEtXaJ1FJC26GCdZ7I9iBKrcsHhqqUnamyEqHlgZ8eAkeLBQkyu0RAeZRmSaUtUXFfenCymDu/dH0JTjVBlrYpB6PHU6SWlLkPqZXU2FPU16UysVwNixr7hbQ9EkmVCG2OzKYILSOz//yb4677TjWlWUx1QiKZOfIqDVTqvHQudQ2Ot7kiC3gyG4lsao3kZSa2btNM5M8SMgiM5NYxAuLNfs1IBqE1lFHTfiC5qtJeAa3U+Km1gqv1aL5MiS7U3C83Ysxf6zyR8gotwrFI3EjbYlTl2K/BjNuzPkXSEwmSooq0nhPbEPBopg4uKH2KluGqIidcXDWnoOQ7fM7q5uVK6+cEOvZXqjtcryixXVgIKYFj358/KLyDKD3ro+QHe9Reqf5cWGnF5l56r8fwvvm3yXYLoK2B64/7v9f/+8Ab8Jzy4g5fwLv4AoC/ixbA68Bna+BHgL/6P1b41g64aedU8RZz2igdj3/vwuAGt3gHt3gHn0OPn4PFa5j7AEeS25EGd/AEmGrJV4C5lPlpdYeJ1L4J4EcA/BCAH0GNn8EFDiI97jCpzDb8pScKCfIirsYglp7XD7Z9KqS2vQhiKCFHeEtexnIo6ZfUT+kbptsfALF9CDKaquOD9NGV/GQ5eDup2pxSa4FpcbfEGDWVe5art1StPSZvaqZURnKbMkGm18W6qelxF9TZ3tWjMtuR/Kz8fjQScYrQcnX2lEBRsU8ppMgsvY4HdUqlHxrrcFpMQcRJLVdwH5Vie/pzIn3dOUS15JNvU7dPerzg2nNJbYq7lZSh5VJl4hr3sUrLVdkcWeWmXPcjtP89/MTYbvffkP9f9yGzKdIplUfm2lKTZExqLJBXZHOk9tz/Jh8U3KYJiqaDG4zfVgawChjgCSzIp3PzmWAkGEHBZeRQEQV0VHXrKqi5FaqaKLs18dNVIL6wGKMfjwGY7Dx4VGybj5TMSO1ggGGAMxYYBsCYQGznZMzF/mgd+qDGfkEpoKrmhEpnntdWmJdoeYk40us4MWOYka2oMEv1knEZ62d1K0LcUVVztZrXMy5+GD+eLiyESGNKxyA1VtI4UcTr6PeCSMLnZNfXRwisJf0saRcZz8k6QcHF38DLjr+KuTHOzXxb7YB6D7wyXOINXOITAL4JwLcC+Db8JIA/huEWqH8t8Po3A69/Ap4Mv45RaLVXgNl64jsns5Ph8zvwOvFb46cnuc/weQx4JVT2McypMjCR2aeA+bjnqrGiyLJp/3AJXF8CH/so8E1fD/zSTwL4UTR4E/8MDD6BYzPraVi8ynyLA24wJ/F2VJypX7FvY409FAZsYWhrj7TmFKGOsyc9VgpeVnotOgU5Opx6TZNoZ+7dRppiU/dKzaUpPSPVLt62c5MUnJXuJwfu05rztX1oQvsigkdJJshLai0luJWamyOfAon88vyxKXhCSQguU4JTKq1IbEeSqI98YSOpbdQgElopz+x9cSqh5WSW+x9L6YdS952lNCLqNR2jR4WlIHilxyTEciXxCVJEmD4d6bEUYX4AUnsfstoib3Z8zepKq7Q8MBQnrKcQ2qWctsCfwE8AAP5bqGWCCmFASv5yxLS0fuH6nBoLZH8e4jm+hvKyon9tO5nzDnb6HKwnhNGMNyq5VKHjoCSEghBOV/lrldZQ2njz35oqu3MfXWjZPNnfL1iTUvKhNVxtoUwV2uymfoRPGAtlDFwgaDMTWK7oOQufcNeT5axiG4nWUrJZrgxKOGrHfO4VFxdydTtK7IS6Yr90NS5QiOSdKt6xTqm/5PfhosIvgavTtC6l/W8utseFfLNae8VeW1lltS4sSNjj+q2dLxawdimlPEmPiwUGc6L7WCA8pPQAbIf5Y/AWnju+ja/Ex/Dr0Fz+fXzlX/zr+ClcweLnwxPQKPV+LHxGtvsGfhv+SXzvP/CH+ifAOy316PXbP4XIUQ94E5/DM7yPYcZSgaMHcnUNPH11yhoUGxuZM728hY/P8E1fD3zrf4r+l34v/iu8S06GGXVXz9n4LfCD/4xCE9r4o/BrA38bW1h8DSZGP824Q/js0eD5bEbm43M9vyefXn/p78ZPkHzs9KuiOOW150VAIoycNPL3mE/i3wP+zh8+ZpPx86t/PrrupwEcLxan5tRSksvbzV8ZpD6l8ODEVsJ9CKwNtAPwhDL62S6RWE4+Z2bEYsRgiUQeq7tSwKgUNCb1lm4vgRNaKaCTeL8MceSpgqIv7RKhlYhaVIWjStsqMxLaRhmRzC6ZHZf6vaYiGqdMjiXz4bgvRo4mY8jz8nJz7Dg+fpHgESq3KZ/XUwluydO65AmemyVyT05e/5mkdikAVK5Mzu+WXyP70nLyyffZEv6iD+1SxGTgbXx6nCh+R6PyBFNi96Vkdqk+fs+lZeN27h8LzM2KgfRPZInIpn5SLyPu3mihjIM2gO69CqoHB91bqN6GfQsM9th31XlCDGCuCs4CDxFJ1Tmo+Lwg/o1KqdF82VVe0R0JL/XXDSpijGAMDU+GAU9sCWiKnFlgKU7cjfF9GEkvUyKdhRuGtOIXkVNjI/hi9sxfVE9jkYCjCwpkO6XqJpFJeRPVdhfVaa5a875kcgjnzICdtJCQ8qkd7+/N2+Gcb18kt5YpqpHcHvXbTibozoptiL+jyfda6PvLihbHD6LwGecx+gjs4InnDwH4CQBP8cvwH6u/hmt4ahYF24/DYou3MVHUzwD4fwH4KSj3P8X3/ubvAz4BNJ8EPvYJ4GOfDBd/LXD7EV/3ZwB8Onx+Bgf8BH4an8PnMRwZPJP55dWvBd541cvBCEXenJrRvA18xeBv9UkAn/i+8IkaX4uP4lPo0OInQan1JP8Gjfl3wFswfwuA3wLgG4H/D14D8Mvh9exPhdrfAHavzu6Pz4Rr/xbwjZ8D/kUA3xauvMaPhwJvYq5ne31b/U/+Cj711757HlcrNS9COMYXeoH5F0shBVPOsTvOIKVXCOrKzG3Uf+Efhvs7/yy7ydQo9d4/RvNxNevbpgWuzn2pSvUnNZF3AP5Mpv8B9ya2Bm5GCu2ofz28enoOaDtOyV3Ly+Z6UwnHcsQ3ZYYstiNB+FJqbQU3qrVzVTIQvoTZcQ9CbAlhG+tVDhXsSGobNYyEtlVmps5Sc+gUoV0isiXBoGg5yYc2RWo5JLVWIrUxvVHvahgX0x3psOCgiyMtvxTIpZo79ZgEyhr4sRwR5tupYInSNin3QZFarsCmyGw8Rk2PvVKbykfLiWwJ4S0jtMCfBvAxfKxEnf0gyGxJeeAo2JNkVixt82OnpEB+mdE9UYBVntgODnpAILMVdO9JrhostHFQAwnUFAgujTw8j0LMiC71z5QIMODrQyBEWkNZDTV4UqtoBObqOKcugDF9kDdj1mKU5RhBWVkXAk0R4m6ZUk0/I+G1dNsSf9MCsksU0JE0AnPyRMxeOcmNezP/YBdm5aOxFObMSOCoiS6tn/oDc0LHzX5j/Z5dTt8vuY9K3GfsCzO7Bj0WwU2RKz21jarLsczY18mPWkVlOWzH724ct5w5dMoK4WVHfOaFh5Cr/HPvJsxjNzgOm9Rh0idp4qABGhZX0KP/KzEf/rE/jv/Z3/q+mTL7OWww4CsAfAr/Kv46/sKPA1/7dZ6A/gimUFKfwQFv4rPBGHhmYzx14qOfAm4uxQXpvgPe+tzx/BhbeIsWNT7GFnwpGvyP/rhv12cA/BCuYPGdAH4n8NOvTq7AcRyjzTW3oG797tuhnqcAvgFfh+sxPFcktoTA/1XgL703F5BjC3kYEKHrs7/7ZI1Nled8kaqeUjxrmrH4lygA+Ib0Tf8XwJ+6kfsjvXXk3lxyfeD9oNt/PXNNhHKFS4bv/szPT5oVS2rnQ5Nbnt4nFyGZqrWxDQYu61+bUpUlE2QzXpNHLGfhraosojnracRWUms5ieJkkhNbSmit0+hQYW+bRUILTKS2UWY0O25gRkLbwkwqbiIas28zJadq9jmVSRNav38aqZXqiGMUIRFbrtJ2YREgRoiOiwJRuY3HAeD3/+K/dFTfywT1/2YHSghj6ljuU7I9yZXn26XpVIVtSmy3GWJban7Mz0tBosqIb8ciHqce/RKx5eU5qc2ZHAPAb4SftH71iye0p5bFcRkpBU8q2FPuJ5YQQoq2f88LTFl3X/yC//iPQhn/W1d2+r2rgRJdTITXkE/roAbi72qcJ8CRNAYCOSPBlAzTiMXWzgkxDWxEFd268j66jf+zTQVXa9hGwzY+vZBtFGylYGvlX+gr/+l0IL0K3k/X+T77frvQd+cJfe+gOwvdmfFPdQPQD1BdD3Q9XB8+hwHOmJkSqAg5VFXl/XMjKau039f+c6ZWj/7JgcSTiMjjeETMogmH046N39ICw4wkn/E7XSJ83De1RM3OKMpjHTRadSroFen3LGAWX3whPrh80YDW81c+9735vn7IUN+OufDJ1bUboDpM81kqCc9TYf8aU/Ke4G6LV2HxY9B4C5Ox8kdn6u5PQP03vx7uO5SXMcPf21/p41x9Gt789zPwqu7buAomwJ8C8LXhM25/wge4iiJo/AxsuvpZ4Mv3k8r8SXjDYPr5BoArdGjxHDGa8o/imwFM0wfCcH0GPpX6978Kn0XpWxCDSvuxjKIvVXDfBJ488/eJRsl0oYDO42/Cj0HJFEfblyJqiXXcYpyaoChHSr8FXuUfwvszJ96fxtT3VPv5O5VksQZMC/wcluit8S2JtvcTBY+6YsU2Ej+J3HLVNiKSUSm3bEQp+aUmycBpUYnPMUM+ui5DaiWSbZxDRcqnYKGOgjvRcyWgJsjUt3YiwVM+Wmp2vHfNSGhpGp+xXqLGtsokCW0LO95TUmglM+B5+/Jk1h87JrSpsqdC8sGVCG0XPsc/Wwc/5RA1Oii3XxSQltJK5axzyXHc5vVz9pKqL2yXqrUlPKyE1Eo+tbzMBTE9rrEjHaIKq0Ral84vkVrAk9lvA/Bvl4Vz/qDIrDA7SkGfcmRWIqT3IbLx8/TMeR88hisLZZUneAZQg5qIrVGeuI7EFoHYqokIGxe2J9Kr4qcNiq8Nai/LNauG6LvrJvNmGp2Zzs+BfKjBK4A+QJQn0q7RULaCcpPFi1MKynkjaKf9n63jtiLyZyDmVoV+KujBoeoBPWjoroLuLarOeqJ7GKC6AeoQCG4/AH0PFQgujDn2J7WWEHR4k9oQjAp15cl6DKrFokj7oFskdRCfqiL/J4RszI07jhspM5I3RoJ52p7cu9GpBPjIF3lhvl2qfxY4SyC0NK3SWCUj8AmSrwSyO17/suNa2L8hn+30LtkN81mAgxKVjlQR1VBfrcYbAL4eFi1uoPEuPNt7CyP7/Pd+Pf6fPwz8MDyZ+SEAP4mP4ufhc/gb8ITzR+GJ4I/iFj+BvxcUXOYMixvgqz8FtJfivGCugZ99E3jn2aSPvgGvon4Mnnt6stniDXwE1/gIXoXF1+GOxaZoMeACT3Hpg0o9A/7anwbMD4Z7/a/huXYktp/A5Ej8FvD8beD5W8CPvwU0t8Arw7QYwN8D3jjuxlgGwjlAnO4ApNd4S9Cy7VJyC6TnwB+Dzr6ifQurNzflp997+IxNwe2u+Z0+kujRhA/Ex5arrecikuDS+s41QwYmUuvV1jmppTglt24KErnlpsMpzCITxzYzZVTyo53I2hT12PfH1xd9ZZtAaEdiqwxamHB+UoZz7Y9tyhHaJTI71pu4JufbytMbSfeTgkJxQnuwDSO2/tM6FT518WLES4MUQeTHSs7RMjkT5JL6cybIGUJ8LqlFQZkSUpvzp02bHksRKqgjTI7UpoJHIbTmt8AT2v/8dEJbEhZ66Q/L5XNklny1STIrRaosIa8SkS1du3kZoH/+HZzVMFbBWQU3aMAowCioIf4FMhvJbyS2BjNSrOOxYNY8bU8E2BPdeJ4pvdHUOQax6o0nv/0wRTfuB6iYQzWm5akruKaG2zZwmwZmW0NfVDAbjWHrc+QOUb1t1GSOHggvJUU+jZCa+jIAuvftrTrvh1x1DvXeoTpYVDuDaj9A7Xqo/QFq38EdOqDv4PopArMy/m1AAV6hVYHUto3/2wQFutZwjfYqc61nRDznpSKGxiDT6SxlUiC+R5GmY5lYHpj8pxwjzbF8vD6W4dcd/eBoo49Jaeo1ZSGD4ZzInpg/VzSnp4HSqOL7MuMNHNu2ElKL1m+b1v/+3997gnuN+dJmLE7VsugCcy38vQ6Na7yCa7yCp/hKXAHY4g41nuGtvwb8VeXGZdGvhsUWPwr11d+Ib/glCt/wbf7ET32lN1P+YQCfwWfxo/gsfgJ/HV/AR+EXVX+R//z4NwAfDwruT9cjoYwutIe3gB9/2xNLvAWoZ0B7M6mnr2MK7/QxaHwyRId+I/y9Gkj6J/AF/AZ0+A0AsAfwYwDwg1Af+/XAV/9h4Kupdk1qjX64bwP9W8AX3gG+8C7wk9QSOa4zp2I1huPK+CjWqXcQCJ+5QEmcnKbIaopEx20evzFXV+o1C5AXfuXYkBotWlyjRYvL2XsRb0fu/vS+vyZRnuL/T97fx9yy5fld2GetVVV7Py/nnnvO7Tv3jq+6h3G3NXSbzkzktC3HhGgCfgnCgRgj4RDMm4iCRRTLihBCxsLBQcQRgQRCgECIE4MRr0IkIQbDRDaDg63Bbs24O467Gc+97unbc/s+955znpe9q2qtlT9+61e1au2q2vs553T3Oc06KtV71araz1mrvuv7/X1/Lw3YLsXarpU5tvYUB+U1Bnjtevdha+U++XXycw5LXoOAAN5jrPJi/OwsyJtuK02ZSqZUZcslO5sD2i45r+Rux2ICNcbQbk13L0A7V+clGfWazPjgnRxhdZ0JE3Br01/g3PFzqXpyM6hSbryLFV2o2MdqALNddPTB0SWmIWjqpHvIzH/gZenrfe2rfgnMrrWCpx5XYrXyvmvnrIBauD8um5Mo58vHAG0eTzt1PZ6THs/ozg4AazkvkX/Z0/5LwH8f6j+7/JBzphfHNNmnAtqXDGbLbXP+GNxjGY4zu696Odt2RCAESwgG7y3BW4I3hN4SvYHeCsPnTZqi5K1NMl4BtTnYTcxvAoZTxtdMAW4OeBXkdhHrxbxKTKwq6PwIcFX2q0XZ3E5y607Vr2P73ScNcjRGsE+SJKs8eZApB+l/B2LQIPG8NmIH5+ZIqETuHGqLqy22dti6wtQVtDXs9ym9UPYVoJXLpdghgLfiGJ0dN9THSIzkLGurGC0P550wr2kezLgeo6wr0k4Al2gGwBrTTYyNk/MjEZQNj/KSot4zSOWMbGCxqIRYn2NI67Tc7+VXM7PfRMf7TGHx43hsAuVRHyYgf7wxDi7MymZHu/I8r0p5xLSNbJlvR6/lfXYOwh7a3ZQlhLH9ytcvWXZeUDZXj3vMOWdseZun/O6ByU16Xb7J7/zFf5qb/0rMjH8GYXP/fDr/X0dI0a8DX+cjfoEruokB03fkiPe+AO++LZd8jABcxZhpHq9gfwXfvoLvJgb1MdOI11y9/S6Wt7lEGOg8qPYK+Fn4v/6P4H/zDwF/T6rhYF0l87N34Cc+Bz/xDnx0PlZ36YYr0UKxhS5t2xcv3CQwod8pupz/ZkugcwkEzpW5a5Xpc47dT8vc59ixe659ElzOHLtUnqdvPjnG9ukvf3ZYvk/6njnQuSQ/Xsstu3aPufu8SGztMbZWga2yteUT5jG5frjOYYztMXYvZ2vnYlLnQG2eCiiPo92FZgJo1fQISCA1ZMysZ2tbajxb200AbW3CAGaX8u3mdfeT9SIm9tjAxz1y2EodlmNs5xjZ0tVYmdkwgNr0/tLyPlQDmO2DG4BsDmwB/s3f+IrH82iM7YuC0KX5EoV26ra5HnjuuGJZP8Kr3WkY7r44rzRbWAK04zXyeNpcKrwGaNf25/vWpn8b6t8g72YJqCryXgO05TFrEye84AzQ3jdmtgSjp5xTLp/C7Jbzf+sVjrH9HT/7DwwhICEa+uDoo6UPli449n0ly94Sgmz3XkBwSNtigOgTCPYGggBgkrR5Il1W9rcfGV4FvTnTO8S79gwmVraNoyS485i9F1bXJzY3j8tNTG5oKsK2Imwc/ZnDby1+Y+g3Br9JDG76WxL2Nns5URnc6VymmAD8WFfXpmkXqG4zJnffYnYtdCpXTr27NVBVmKqCph5Z56YiNE6Y2xQ/rMxtdBxiOK1fWoYM/MXsmIypVak4+XKIUxa2/KzLAekMGJ0AzlwWXVZ3CdDq9hdUsB2MCy/kDC7Z5wPmNjsWY/jj/+UffKF6fa+L+TlGylWb/ELNO0yfFOtpcnvp+5SN1SY8Nwdqiu2HDO4YW6oYUxncEen9JH+It3JIyGdp+dto+Pd/hxFD4r8Wwn8Lfv4NAb46fQ3Y8xMIk/uFNE82zDmTqzg6T6p7xQGTqzGxn5tehS8Ab/MUywdI1O3Xkay/1/w18a/nF/4UfPDfgT8G/EfAnwGe8R4ToDuJtn3EJPLWPxzf/RWHDsNz07Gx6PyYuZKjv7UA3rm5lqVvr1M+K/LzyrKwPQfxOlfSQatXfnrMscp5+U9O6JJfqhR5Ltb21BjaU0Btedwai1se+zxs7SkS5CXotQRqTy1Lx7rJ8y+ztLtYD0ztLkzZWgWULsXGOgJbK8zs1nQzTG34ngLal+0mnLshz6XoyeXXuQmUxs3mcuM+yDF9kh73UT4aFciGOJWKr8nGX6lyKqidO+fY/JRrLm0rbQVPqW8GavORz+chHJ8X1B4qetuVeNr7Ato52fLhFPgF7KOH0PyGQ01aPp1KN58CaF8AzGY/38lg9tRz9G0xc8wp2/L5q1rOq3Y2P3kfHG1w9LXMfbDDvAsWHyy9l7lPYNd7k4CuIXpTgN0c5EZZVqDbm0n87mhelabOiAS4A99Z3D5gW4urnQDcbBokpCFAn3yXoqb6iVjvsL1N9zEiy6wRo6kM3GoTrDLdoagkOKUdMiaKKfAgFzbjVBlsZXGVgGyzrzBdLyxuaY4FI6DqQzKfMhgjed1DZUYAO9c9xOl8Ig/W9UJ2vGTydRB/mxczuhBHY8Y0snOmTQvF6PF6mIkCcmMCuS8YzzrBsUvXy4D/LKh9HWJqy6JS5AvGZj6fFIVqu56vp8lfSTv7aQ/Xu1GmnIfqalOv22+y7Xp82csog9twgeUS+IDfz1cZkGbKfPvP8UfErOkn4ZNfM8bl/hlEqvxt3gO+yH+TP8Ev8A06fipd44tjTd5LsbilUz7jcmxg74TFpZ+201Pg/kZyN/4EAan/AfBV/gI/TvcbfpGfQUDtZxGW+at8i2/wLT7ma4xJkxQ+58D2MbhH8PAxPLyE9x7B3fkIco/JlfXlP+awi18DkaeA2GN9vR631Jkeq3derxMya8S0zaf9Pq3nLPbH6fmPhZHlj3qsnAxsv1cpfE4FtEvnHsuR+7yxteP6tBxzQj72hk5ha3MJb1nW0ufksbQCaJsB2CqgVRCpUuYmgdet6djaVuamuxegPVVy/LIA7VJ8rNTnMOesPrvGy4Y4xs/Oxcxq3GwOZvWDMQezrw2IPbWcAmaPnXvMv35p2ynbZwBtCWqPxbQ8Dz5bIjPnlufNEk4BriXgnZMlz/WALd/kfT7/kwbLQ7GohOmQ/amg9vsEaF8UzK6tv6hYQMvrYB512zc01nPmOjaup7H9MFhpTRzapzEdmRl8AHRwrouWNgiz24aK1kubl4Ngn+J4dVllzz6TPZPie01vMJ0Z5cxq5NSl/6edk7jXTuJehSlF2Nx9pNp57H50Mjb7Dne7x8UoI/nWCju6UUbX0W8dYWPwjcXXicl1CGgtQW4kA4jpRUYkLtaCbwzmQvTDIrc+G+KIJVcwIrH2ki+YkFIOJUMsANt6aD2OjNHM44E1ny/MS3mXupVYxMYqkNVURyFA78eY5r4n9h5Nc0QQ8yljjNwiTw2Up99R1nxYNuOySTmJ03NMwL1es5Saz8zLuNdYGknNmUzlZc0xeniPRtyq7csdOP+elPe+xaSBvqsOu4OSuZ3ZFq/B34C/hv01fFwwunmWgLyLmIvB1QRBwt5aHvEGj3mDS36sYHM/Aj7hPZ7ymb8tDiyqQsPfjqSc/VJ6nC/+a4bud3r+SPNz/Mv8HP8FDxlzz/6UpAl6+wvwuYdyAWVwP0g3/UAq3n04glvSY36I8LPj/X+UL/Cj/Dj/bbZ8AHydf9r8Nv7BdMd/FvhS/BHiv/QRfAW6XwvfaJ7wdZ7wPn9xCANW4vhD4Akbej7DJGPw2Wfh7HPwdsb2PjkfFdglG9+kec1hMoQl9hemnRQcftwo1Z7T2D+JUNhn32JaofLC5SjCCZ385Lh0nq/WR6J1KljieC3A16d3sM//9vN3eEJ5qYztfcsSqC3BqH0OecvLYmufpyhbe+/zcga6TLmTp6fJAGbpeLwLtYDZWHMbNrSxYh/qAwmzsrQCaLsB0CqorU2gTvG202ebAtpcKr0WQ/u9ALUHsbKFm7GysyOIHcFsLjHOWdkcwC4xs0uAdi7F0StfTgWf5b41wDsHRpe2lWiibMjnzl2o37G42nLbfaclSVcJaudNouZA7dy+JRZ3fvqzvM9XfoeBPz5ToXz9vkHD3wdA+7LA7NK55TFr215H86g2VFgT6aKlSm1SZce0bHP+B4OyJg34qfFdG8Q/YB/cyPhm0uYYjQzwJUlzn0Bu2wsI7ntL3ztCbwmdhV4BrzgVm07jdk0ydDLYFlxrsG2k2jncPhIaQ3VncbdGTIh9FLDW9QOja5wl7ipsUxN2Nfaswp9V2G3EbqyYG9dFmqBU8iZ62G5kirptYGFJaYXUZEvTCtkxtVAvxlkCdsPApB6wp4EJ0ztUaWK+ZEYJWOkUDFMgl1+7NE1KuXljCAnc9mKEpeBWr6tANqUuMsYQnVsHus6KvHAO6MKECThI0zPUvQC7MM3Dq888lwYoL6UzdH7NBMhNjMQf6FfuqeWKEe00cHYJZxcCEuaY27y7yLuKuXhQZXTT1LUCcp/201R4uSpJwe13GENgM76SK8Z43Mf8GGd8loZrvsu3GVFIHlf7ITLq+ljYuR7aRtvZHE5raefdroop7Blcom9S/T8cr5AVy4/zWbbA7+X/lerydYRL/l1w+b+HS6mT1voLiAOw8NE5uN3zAd/ifb7FM76BIMjPM2rEU5/98LPA+fRnVlBLmpffNjq+nf2OakQFh7G4+amhgn4L8WE6H2QgQPM5vfcoq8Dch5SuN8gHxTc47WNA/3LSua6BszQtfjgsxUhdyKDOP5NVMe+UfxDA9hh7quVUQJtvXwK3c6ztECMb470Y4WPHlrG1kzrqNbJnuI8M+RSZ8hxwKkHtbdywCzU3YZPkyJqf1qQYWXE3VjB7bvdsTceF3SfmdoylndxnBtC+iCFUnqLoVJBb5qtVdhYQOfGCm/EYI1sPoHZOYlyyslK3eTCb/xa6/NoA21PB7CkgNt9+H7Z2rkE/dvzMes7WnoLDOOGYuWb3mEPyIajNh1vL4doSuK4B2nld0L/B+/zt/6rhKx8a+EMrFT9FO70GaktgvPASw8X9wKz+hKeC2bl9c2mO55aXti2B2dcF3H54/QCA2nlqG9i4nrOqY1t1nLmOxvZsrChycsBbG8/G9IMDvhaf2NwS9Crj2wfpAUvGVwHwzte03rH3wvzuuorOO7quwvcif469JfYGejuwuyJXBru3uL3F7aC6q6lvI/VtpLoNVNcd7q7D3kn+WdP1sO9wNwbnHNUmuSqf1/TnFf2Foz8TZ+WwAb+ZxuMegN04xuDmrO6k5HGqeXeQnauxxsJKM4nddfuAy9nozo8MaykdVtCojGPKkxs1jZC1smzdEDcbjTmslw/yLL0aXYnL8zBIoDHDM7LlOFzzkLldzdE73j4DnvquFXjHA8B7sntxwdTO5bQd6mTt4MT9apcc8TAuu0bkrg9TQ+3P57uLssspAW/B9PpWmN1uoVsq43XnQG/O7F5iE5v7Bo/40Uke2EdAg+SgDdS4P/d/gv+Q0RW5TRd/zJj69p3spnnj3aQLprr6a2gT6NO6PWbs0loEkHbAh1ge82O8y4/xiJaGj4EP+G3m12N+4n+H+yX41TshOL8I/P3xHyP+k39wEnbbvw3PzkcC+Rs84Zv8PF/n5/ka8G0eIlf4klzl4Rfh4Rfgcz8+ouP89/mEA/xvvgWX13LbXACdM+uz3yE9XFxDcw18C/g54I/Ku5HXd07DTwx/ZUvQsgEex3+H+G//icP+Hk76oCrNIUG+C7TYNABm8tjb1CHfvAUX/8ifY760wK9f2DeW7/tY1n1Bbbn/GHubg9ql8jxOyCcdn8Xk5qB23D8vQ15jamEETKVJlILLHNTeBJny1DRyjYA1YQC153bPhYJa07I1/SA7dsnxeASSZhbQKmBeK+q2vGYUZYsPrCUH5BLQnsLOKjO7D9UwL+NlezV/OiIvzgGsNaMjtKzLM5QM9ytdTgW4S8fcFyCvLev6HIBdOKaUIMO0fYXl1Kn5sccMpfLOpJzPp/M5RXo85xSiy0uBLtf8Ad7nf/nLhr/9qwZ+Z1GZNcA6d8wcizv38EsvJ+vA7sPOzgHSU9fXwOzaNp2fCmZfdVALsOsqYjTsTUXlPPtKmNY2OPrKsnWO4CzB9kAHdkznpgDXmpBc7mW7tumTeQZ4Ycr6jqDXsg81+1Bx52t2vmLna/a+4q4TwNv1js47kTH3ScrcjQyv3Vvs3lDtDP7M4LeGfhNpEvuKk/taH5LUthMQY8wA1hwiaw21xTQRohny4IrhFMQqjmZTA6jNUiLl4JYRBEdLismF6OKhYVVIztGdxBq7PQmkG6rGUN9KXSrAqnx4iCmeyaHrHCYBW82Xa3BEJwAxGitmyJUlOgG6EiPM6MyMMM2D6ZTP0jJpPuLE+paOxQcy6gxYy4XNxIxqthT5eYc8vApAM+Y55iB1qMRMf6ogeIjBDeOHlrXyPmfq8GoXbbkUjsHYW10z0LSug4cXcFlNNtMyAr6y65nrdsqup4iE8Qn87q/h0wUJ8xzQnbFZSsc0NLxFA/z5f2F8YsV23wC++i342Z+HX/pxBBt+Ll1krtPOKjL32ZC/VSX5chx5ScO7/CiP+FH+HzzF/sUPUKgqLO7X+cef/GfwzT84+Skq4MHb8O75+Gt9CcHjnwW+yhN+gZ9NTtD6QpEBinffmwY855XMfotqx0TOrRZW5WBCw+G7PyPPS1wiZ10vRjlmB97/uzJgnr9zLXPWysUHlm1kmpxXPu/h5w20cPEFgN/GARM8LP+ZmYtOy/cV2D4vqD3lug5zAGpzd2NYNno6uN5MfY7F1pagdlq/5YZ/DdSWgNYOzzPKfxW8Kah95rfsYi3y4yw3rbK1Oai9MG1ibP0gO85zvpaAts1idAXczr9Rd/AG5rcdc0Ue63EIaEfDp9PYWVm3g+ROwWwfxmfS9zoC1jD8DjmYVSDrinV5169DJ1qUNTB67Eu/pL+Wzlk7/75sbVHWJMjl+inAN5/mxDN5x34/ULvG0h5nahXU8mNFJZfiZE+Js11RBH2vAO0ScH0RMHts36lGUnPzV7VcbFra3onjsZf5vqu4cQ2121LbkNhcT2M9jeupjDC7lQnU1lMlF/xSwuwm3goCGGtzONQ7tM3ODABYvQp0EHHvK/ahog1uYHXVtVkBb9s7us7hO8eudbC32J2lujO4O0t1a6luK+qbLfVtoLoLVHce26acuYJhibU4EoOwAjalN9Kx01hF/Bb8WSA2AbMJ2DpgncfaOEqSI+IeHexoptUbCGkqGd2SxQWGNEudwbYGt69wu4rqDqq7SHWLPMutPIvb9dhdj2n7MT2Sxo/2XlIKxYiJTlgQL1JhrYYAejG+EsfoNDmILs3tWNdT44+HY2DGtfiEP1Qt+bWG5XjAkk9y9c7UYeIePbDlxXJmtvV6lA84HHHU0jICk9QAu0thcqmFxZ1rcPVUBa5ld5TPlywebkaQq+zux1nXpHG7tl+Lz50C4PLJcrj1GLj6RXh2xSihzSlYPfnReJP9NfzSh5JvdvNkCgoVaGs99NWMABckh++v5ZJfywXK5H6Hv/ZNMP9eFKb1v2Ckad+H+jvwq3r4pV+B+H80/JYvAF+E/ifgl849f5af52f5eX6WP8qf0xjis5+GL38FvvxT8K2HEgz8YarsJ6nCV9B9Irl8/9IVmCfC3uavIQe5hwy6Taz5GwfM+llKPbjs/TFOD8z/APMf/yvjj7TUcZbLx0at8zkIAq0QxfaPpG3XEPm70socHXG8vDRge6oMOS9LgPZFY2rz9TURijVmNRWQlhzUzsmQ50BtydYeK2ugdi5WqouWXay4CRtu44anfstt2HAbRIqcgzRrAhsrcuNzu+cNuxNwa1oBtQn4Ds+TgdpukPe6AzAbop2wrSV4nTO6msb6HrK5B4ZTagKVQKzK5I7FzipDmwPZva8IKJgdjVTmijDckcqGAbzW1s8sj+B37h28VuWUL/m1r/77bCu3zw27rhxzHxdkLWsAdg4nzsXU5tOy/HhpuDwfGr9mHuweDmH+z3if62j4hzDzFZpjaU+VHc893Jze6SUC2mNAdql/5Dnm5XXK+esKagE2zhOjoY2GGA2dl56q83FgcZ2Ng1S5dgJcGyeAtrKBxirwHWXLG9sP7ZuC2Wk7P7brs2DXjUxvnipN22MFujtfyXqftnnHvqvYdxVdW9G3jvauwu4s/c5Q3Ri6S6hvBOjWd47qTlMIjYxjcKMkN5cXA0QHoYnETcBddpydtVxu91w2rci4XTcYb/VB5NW3XcOur7hra9quou8cwRtimKJD4yLGRqwNWBsHQjEEg+8d/V4Au7u1VLfyPPW1o762NDeW+tpR3TjcncXsLJhOwG0YZcMRBkCLzeNlQZ2dQ2XwtYBb3yT36DTX/7dLKZIO0iQxA3ZfRhlAqplIwScAN4zHlimQcpB7mM4pDWgUzPurXTQoUkcmYb4DhJHVbeV410k8blPNN2Q5oluTLs9hnTnGNzvHk5xu22RW1U5lzLkcuZQ1M3P7C4So/fAJPL0Rg6gDgKsX0deliPhD2H8If+VjuN7NZ87R++kb1EjgD9EurqHhR7nkR/nXgUf/Qzgf0gYpo6vz7/BX/ch/JnTt56Xi1Rfh81+Cz38FvviWbH6HJ/wJ/hP6vNN97yfhupr+pA1jAPM78lzxEwH5z67g/ScMaY7m3umaXFy2WxrOueR8dSAf4FcI2N8sH1djysIla0b9g8rX53r3pZ4eDn+pL2XL+VdczSnlpQDbHNTm+WTv66L8PIC2LHlcbX53rZXW9ZR7HWNp4TionWNrLfFoDlu5fxykweP9BGyq83EJam9DM4yc6wj8NqXxWQO1ljEW2EdDhy1AbRqZX4iHVUA3Nbk6jKPNGeGyTNjgAtCWcmONH16KnS1zzk7lxoeAVgcPKusHdrYa5NuBynqciVTGDymS9LgczL42cbYvo+ToYWnf2ra8XVs6bg4Ec9wWfkmCvMTGngp2df7yQG25fdoB/AHe5yvR8LuX2NmcpZ1jaHMSYA6s5ttWvB1OBbT5d9Oxru0+XeN95qfIjY+B29cB2BoT2VY9lRXAExLAzfe71EaZwSXZsu8NvbXYENkNqpNxIG9kc0dW15qYpMtj2wdM4nTzAdi8fXUmCFiOApovnEmmfcrqWu4Sk6vyZQWS+8uKdl/T7R3d3mF3FrczuDuD2xvczooJVRcx/ZRZjE7+ZkNtCDVgknnVHqK1eGpu1eE5WNhCY3seVHse1DvObctGR85g6FfufMONb7jpG6lvAubqIp0PUuvv4YMA5b53dG1F2zr2u/Q8d4bq1qWporoVVrq+Dbi7LC6384MpVbo49GHouwffqSgGT0HbyE5MdlxDArwMU6z0PcWUb5cDRnf+j29OImzmd5eHKjgt92egdnJcdv4iYzxhgw0mjqz669Elf50Rqsz1OHkDXSLRjMU9S8edNWI8BdMG9Zh0ealBL7u2uWPTfnW2VVdmcyeALAdZiktrxva67C37bfa4uqNmCgb1oi0CBj8vscMfX8nEFbhn8OZuyt4ek/VO2VBhdB8PjO4zBAp/wu8FzDd+BfzbYwzt+8C/xOhP9Q146yOJ29VwXcXjXwX++CXEX5fqnyN+pi8spsGDb2e/gRpL6XfQGsDNPxXWvnXk1doE8qFOW9e+p+aW87nC0Sr/VqafncvyCbmEVsq9ge0as5mDWl1fArcvw/l47ZrPw5sdO6dka5dA7allKa2PTZLgEtRKHUUSvIv1EE97GzY8C1v2QVL7SF2Fadwk6fEDd8cbdscDe8eF6dgYT2PC8IspqB3BrJ2wtHk87SCNVvkt4WBbWfIYruk7GAHzEqAt5cY5kF1iZ+diZ0tAm0uOc3Z2BLHrH3alXO+HppRf+se2n7pvbX+JJpaGWlNjDsclyOW2/LhjYSJr4acvF9SWTK0s/wHe5x+P/wj/IBmoXULZJUu71IstAdsV56xjgLb8xjlFbjw3ZrsGNuf+tJbA7Ny+Y+C1XA5pSDP+YJMGnFQ2rmeTRmBz9/Y4g0oGIzwMvT8coNRQC5MB3Dn5sraRwATk6jV0u65rPG85lpkbVO2DypUFJO58xW5Tc9fX7PqKXVuza2u6tqLbObpWpMp2b3At2NYMKo6coVWAlqwmhM3rAGOl3zYVrYE7F9hW0qCcuY4fqZ/xTv2Et6rr1Ge2WBOGAeVn4YxP/Tkf9Q/4pLvg0/6cT9szbvuGna+G+OPyvYQoaZP23g3P1O4rutsKc+eobhKTeyNMbn0Taa4d1a3H7QqAGyMmBGLITFggixmWfL+2F+Ms34OtJdbYh/S3YNL/7zQIEOso8cMuJhY4TmXWJUrUOGUtQ0Bytn0OIS+B3fzY/Bi97Fx9zPSYybmvBagFAUrXLMOSx9mxOdrT9aY4/xJcatjPgKYAuflyDnh1+5zMpuym1rLQZV1eTCBXgW4uX877ar11qMa/yQOgp/dc6/TzOlyD/wQ+/lCArvmICeuZA9g5JrTsLi+QWOFL3uIxkrb3f2reYsvHCNWqIuermXV9KaS7fInAP8D//PoN/sWfhe6LCDtdqqou0gQHo78RcbmmlfQ4z3LQeyegd9sffhosgdvylR77Vpr7Ccrvr2mxk711dtQSMC63ffHgmoflhXvugQE9OYJVisqAXzagXZcUn87WHpy7AmrHbak+i9eIg4HUUhkMijITJ7mPGdjaXay5iQ3PwhnP/JZnYcut37BPNmQKwiSetuUiMbWngNouWjSWtsWxZBBVgtpxff79T1P/aIywPRnQ5mB2HzU1RTXEzubsrMqNgQHQaqkGad00brYEs7qtzkBtGX+mYHYJzL/SZQ2ILh07V9YY1yWgmqOgtXuVYJd1CbKul6Z9S8ctTWvkZk0pzTkF1Jb75kDt+GXwL/M+/3k0xLKyc0zsBdNe676y47lY2st1QDs3YL8kN2Zh+zHh0twyxfIxMFvOjy1LS1YRUrcYXnFg+5e/+Q7mrKdqPHXT01SeuvI4K/H/lQ04GyaANW/3yjIHxPpgCUZS/VRGVSqjv0B+7ESunPVjOnAIh0BYS208WKhNEFm0qzgPHW3taH3FblOxSyBXJcEiV7b0eye5czsBcSaQTInG6yeyOoHclALGyXGhs+x3NZ8AXbBcdxuu2nM+3LzBW/UNn6mf8aa75YG9G9LjPXbXvGlv+VXVJ9xuRn+LZ2HLtd9y6xvufJP6qDF1UuuFoa59Jb+RC+wqz77y9JuKbuvoLxzdnRHTqTtDdWtxd476LlLtxGHZtkFSDWmqH3npg3lUcGL0pDG2El8rZk+De7P+B4oM4DfUEo8bqyiupgPITUDXgrGybpLcmvzvaYkeTX9bOuASJ9sYAGjMgfFMGX2rRkCrdTg4luzYV778DFNoVUaozjXwutxm23Q5Y3JphK4HOMvY3LkGulwvAeWxaY75LaTMGrPLdcpVOtPPL/ZbJcrSMnd+2Re+C/EqsZ4JZ865P5dxrDmrW44byz6bgO5bw68n+X2fMDVwynvORioE/Bbgooev/zx88PNC+H66Bf+A6U+el/J58/V0bAQ6J750t/3UAGwJ1K4ZHi+t5+cVVVgEuYeAd31bPn+pwPZUWbECQAV+a6zt8wDMNaOppbjaHHLP3fNomp8joFYdkOfuvSa9hXkXZJeBWpUZAXRIXO1t2PDMn0060l2oCdEkECa5aNUk6oG7S/LjeVDbqulHArUqPS5Bbc7KlixtDmhzR+X82fPr5dfPjaCOAdpdct48xs7q/dQNOnc0zj/Q6rS8BmZr40dAa9bZ6SVg/0NX5sDusW1L+8uObWk925aP9paNbbmtPO4+EuS8I5Pz2sTWqgFDCWqL4eKJa8ccqB17/X+D9/ld/zd4639s+O6xyszpp3L0PQdk5z4QSsnxStqe+wDapW+kOUB7H1C7lFHqeQGtglkQIDuC2fIv6tUrl/9VRfuGo3sQ6S562vOezbZjU3ds6yTvSoypMrAaalGVTvSJ7VUzvYDm73YDyJjzFJhLdZZLkueM9vK2Nmd2N4l23EQDbp/6CDO42O+DqHJ2vTC5d33NXVez6yratsL3Dt8lkyefqNrAKEvVYjLmLxpil8wIvaVtK242DU82W6425zze3PLx5oIfaZ7xI/VT3q0+5YI9b9o958azTd1cB+yi4Vmo+TSc8am/4GN/yRN/xrXfct1vuAsNd77mztc0KY65qx37umLXVOy3Fd2FSJV96+j3FrNzIlXW6YYUXxypdgG7Tzl01RzLQqysgHhlYd2Y01cZVpuckq03hF6OsxWEbpQqGy9zSBjUBAGzLmBdxLpAVYnpVmWDxBYbhgGUElDGTE0g5sdm3EYGeqOZNUMefr4c3E62R/15h78pYyLOvvp98q/lCVc84QrY85AxsPRDDqGUcoo5/IKxdZvrGfPGvhM29ywds8bmri2v5WpbA73l2G8JhvOy1jFraZlvqi+LedkNK8i+HuODFeyeZzHCawwujAPh+fQoxbLmwxNq3jSNV4XfSsuvp+F9xE/qa8BXd/DNHXz4UQK5m5nnLt9T+c5Sie0YC91dc5BNYu4biZlt9coxS8tr1y2jZZf69vI9n1JeypC0srU5AHTGzLoLr5WlfLRangfULl375DodAd9hYfnw/gL21ljbiQQ5gVotwtQ6bmLDTdjwNJxNRocV1DoCG9NzbsXx+IG944Hd8YbZL4Jajaddkh5r/aWOYZalLQFdCW4HZvYegHYXK7pQHQDava8WY2fHdzkC2tIAKo+dtUPai7jMzmYpMY5Jrl/bMgc6Tz3u1G26fW3f3LFpWspZC9PGdwngwnEJ8pJh8DStT+kqWA5LH5MffzI59mf5Bn/tb4TNf55Y2r93oXJzKrWmWF5zPD5Bduy3zyc5PgZq75viJ5/P2Uu8KKidZ2eXuvhXs1z+lUB3ZugvLN1FQ39Rc3e+5eY8CJO76dlserZ1T1P1NE7ckWvnJyBXQWllApULJ/k/zPlE6IBiX4SbHIBgIjnLW4bbzJklgrDAje2xlYDiTSV5e/eNMLpt72j7ir63BC/9QkwOxqU02yZga2xisF3AOXn+Td1TW2nf2+C46Td8kpQ+XXTchg037jr5VXQpq4D0geemx9nbITf8jZMwoWfVGbeh4TY0E5B70zfsKgHpt05AurWR1ga8cwQX6WtLaKykP9oa3KWhuzO4naHaSa5c28XkAC3PJ/GyRlLyWDWVSgNWtRnlntVoJhWqKADYMWVsqwgqTbYRYwVEDkBy+C0RtYCVv4zKholKYO23DcPg9zjPf7OSACjX48J2a+Jzfvl9f8tf4Mep+GUcezY8IXBNpKJnyyHEUielK6aNeMnm5kC34YDF1cmlnvOsEbA7x+bC8YZ1Dujmx6wB3blORstaX0g2X/quyJvx8hUpPZvVwbfw7Bqun8B3d/BGP8/cntI9T+XOat50iMuvkfBc5XXzfaEqLvY8XVP2W0RSHHR6z3vdnx2Th3vpfI5MYGWeL899d5XH5tUsl/XY7wmwXZX5vqCkeA545il8TqnXHNRYY2vXYnKPPc+cBPlYOQR7MxLfxNbm9VaZsMTSSmzPE3/Gk/6cOy+MpsjNxJzj3KWYWrfjDbvjwrQHoLYrTKK66FDpsd5T6wzrLO2a+3GeE9ErGxwtHW5I26NxS8cYWnXT7KNddDZWVqFKErzSCOU+rGwO3HPp9eT3ei1kTi+hzHUaz2sapefOgdw14Mu6DLnctgZg5zqlOSZX+5EqG22d753Loeg1UDv2otd8g5+OFdH49Uqv9Zo5oJ1TquWofwbsquzYb043hToFzJbHl/tZWb5P9qhTvrt0PQe0h+zs6wVsH379GThD2FR0l8Le7h9a9m9WtA8d/YOG6wvP3XlPs+nY1D2bWgDupuoP0gBJuzhlZGG+nwrqnK9p02bM+XKQMjl3ZWBX5zYZ9ZXt+MZ6ztz416EhKG2oJuZTnXeDmZMPh6Zacp8pu2gzsy1nAzEadl54hX2ouPYbnlRnfFJd8Ki65C13LZJkd8sD03FhA+dJB+3p2MfbNBgtKqunYZvmwuI+8Wdc9xue9mc86zecVQ03VcOu7tnVlYD0raPvHL63dJ2V2OK9xe4k36/bkRjdKHlz2ygS5cAYX2wEvIYa/MYQNuBrCA2EOiYDKQW1AmBjSn3EIEMeXZ9FBhw1te3wTk16b87EIc2UOG/3E8VAqZKS32LqwaF/X7otaOrB7G8ujylXZj9fn4szf3XL76bn3+WMn0/pWz3gadlzxRM+5FvccEHgR5jaA+cjm2WEqMKAsoc8kg/OIZJlSGZUnAZ283le5vp4OO6lOIds8r6sbJ4vOOxA5gAyTJ2iy04udeuxFYbz46tDE6zyrZVs5rEx5RKf5lW4ya4FKdb4MULiP5o5Ob9A+cx5WUKR+Ty9t5i2Kfj1af++vM/MfedAsc7nPm/yqh37c/q+MLZzYDSXHp/C2j4vk6rlFODrMPeSPZ8K0tfY2jLieHqsmZUm5xLk/DzpHCWuVkDt+QBq90krZM0Ias9ty4MUU/vA7thmoPZYPG1eF7nuciztWjxtLj/Wa7fREbATdvZ5AK3G0U7f97yzZ2P7wdW4TjkbawW2JzCyuVRurbzWaX7uW04FryX6WGpw1wBumpSthWX8l0tb5hrOsvOZ6yeX8OAYV5sPM89pqxTszvXYpfz4P+RB/BFi45eDW0qJcQlq8+337VEb6M9G1ub2SOqe8nvj2LEvAmjXgOvctrXrzsuN10YRdNtpqQV+UGX/I2eS5iYImKmvA9ZDtTM0zwzdpaW7tPTnFbuLhrszjzvraRoBuNumY+P8BITkYHIuR/cARJR1NcLwVgXgmAw8mkOQq6CjNLzKj8uBrhpauWzQsnRh1utUJoBjAKd6zRzAlkZZCqSnjvijwmdjezFidK0Mhqb2viPlTjeeXRTAl7sU1yawxRNMB5ZhEHWbcsg/c1veqHZc+w1P+y039Ybbvuam2wzGWfuuoktuyr6yhMoRK0tMKX1CbQhNArl7cK1JfxfJWymIazQYTIj4IEZbPojJVIjCvsck2Y0JyFIlMOsCxkkaIzfMk7zcBpyNs3Hdw28TrdzD6N/D9LdT1RSAtaOEPv97yZdVoq4DKDnY7aJ8z+QDLa9H+VuBL/CMb/AX+ACRIH9Axf+Pt9mnZvuGa34Rzy/T8wbz0uRrDjuFpalN8wUmlwZpkWtw7Ribq6eyMs+Xl9ALzDszLzG35bVKYFfOl0ZCdf2CaUd1mS1rHTTc+XpqgqXGTKV6TN/4JxxNBT/bw+SuG6Tr7W6gU3Jey+PihnPl2POX86XlUw0xUhlAcdrus/37dgp8S/CrJVTTZd1/XRy3VF6qO4ZKkpfiaksGtgS1ev7cuaUM+UCmPFufw3uUdfDEe0GSEqjPsbVzNloDqCwaWo9JoGoqQXZGrt0mCfKzFLejbO2139CGCh8Ndep4FdC+6W4moFZH4edAbR5PO6nvguPxi7K0u9AMeWh3sXkuQFuanCgLWwLaMi+jAlvtSJeY2DkQewpw/aFyRtayBEbn9q91bvn6c7C1eUwIHPZrJduqZQ2+rE3aX+RxtXYSL1tmvM/B7hKozQ0k/klM/Gli89F8Z30qqD3G1M7F0i6wtHMxtOXPdWx6WYD2PsB2afn+7Ozc8MerW57+VTXN08jmiad+1lM/2YtjLhBrh7+oaR/UicV1tA8d7Rs1uweBu/OeaiOmU3XlqZyndikWN+W8nWPcSvVLmdItYGa9D/pg6ZM1cQ5+fbB0wdJ7R++TEiel4AnBEMPYLxkjjKFT2bAN1JUf8vS6VEdnx/AS7RsUrCpjOJ2PA55z5oCQ94djyIr0bZJLHiCYDp8NIjuDOCMZqd85HQ/iDp/SHWkIzi7WEyb3md/ySX/Os27Ls37DdbcZculqnt++S0zu3mESgzvG4oJLH94qUzYdVLuYctwmZ+Stod+C9xJ4K/G5CKhtArYOuMpTVRJLWxd/I6UxWV4mwDaL39YPIWslJEvff2UDW9sNA8617Q8Gm8uSf2fkeZP1b1DTAb4W4Pb//GW4/rIsP0Yccn7dL9Lzh/mIf5Uvs+eddGjHnms+4kM+4kM0JlejOfN2LO8oShOqpV5xyWI/HZubUMGU0YXlvr8Et64vDsh23lWHHUt5vbKUQGytA1qaL3VIefeepngjbC6tAN3Sidj2y8MKMD8IX5aa5IXdw3e/M7ofT36WRwiTm6u38ndSAvX7gNdTOlktSwGyM9tyNtgvDUQUJQfHp5R7A1sFmMqA3tcNWcsSqNXlNbOqU0HtsGxUVvtyGrjDlPSH93XFrXIA7FNDX8awTvPVilz4NlY8C1s+9edc9Zd80l/wpD/jzteDOVJlxQH5gdvxIMmP38hArUqgS+mxxrcePEOSHWu97ut4nMfQKksrzKym6JE8tJqeaCmGtg3VMPKffxRJHacfLY31s4BWl+s0lw+Tfuh4XwbTOs3l+BqA27WO4pR9cK+G7GiHtARw03Sf9D5z23N8tzRqurTvMK5We4ES0M65YJRMbQv8/cBXMPF3E5tvHUfex0DtmvR4Id52iaW9bxzt9xvQnvpNcgho116ybluizF/dcvuOoT83dOeG5oGjua5wd0FSwkQgQHWXmDAPbm+obg3dM0d/afFnkbttYLf12MZT134AME3lJyBXmdIlWanGyvpopE9CwEudQEZlAgEv7bmV9lyBrQuOzkSctZje0Rs7GAupqVAMENPga5/Hx9qAzcCuOg27rO6VDRPZdUipimoXBpfm2no2ph/6CWVly35CQG+gUTBsetwC+Mrz2ZfFEfEm4DA0eLB7rAk0Zrz/uW05c2dsXce123DbN9y6hrry7KqK1lV0NhKswztLdDbFyhpcY/CbjMHtwYRITDG3RDA+YjsjHy3GDGmCgjeEYAi9JTaGEIKsV5YQPKGS92fSYIG+65zxLuOp5wzE8uMdAR+tMLkmyEC7CRIsXLzfwcAMCERqwJupQWVnqmSIKYPqr3z5HNMAy+8AH/04vP076Lnkz/G1tPFDaj7kM3gaNNL2CZ5disfNG3vtdy6z+SXCJy6ZLbTZuRess7kwYXRpxhhdssstlvyAjqE3OFNjKz0mFb8AV+Y6grltJXg75ZyL7Fx9jW0xz5hmlS8r4FWlWbVbHr+em2tVJopsvd/VzPNr2HX+DaD9P0xDro91zCXgXXpHS3NNTZRvz7ed0unPrX8vgO2LxNdO5MkL8uW1spbOZ92wySyC2hDjwbV8jAfPkhstlfc9lt6nLD45TeryXMnvp2ZRytReJVB702/oUyewsYFz23LpdjxwdwNbq6YWS6C2TOWzFkub78+f5eDZCoOoNroJS7uLAmR3sZb0RCcA2jxeq0zPUwJaYa67A0C7NX3G0oYxTU/xy4WZv8O1TnEO0JZGKP+1K0uNzxICKvfPlGNxtXNs7anAda5r10nz1Y5xtSX0KyXI+TbdnjO4v4lt/H3sGojlzcpKa4W0c8oNMLXTWpIfLwBadTxeY2lzLvo+gJaZfawsvyigLZfX5cZrfxnlNorlV7fYn3zC9W1DuK6pnjrqpzXNU9h8Gtk89TRPeuqnLc1HHaYPIl/d1PSXNe3Dit1DR/uwon2joruM7C8Cu23ANB5bh4n0VJ1vKxeE3bVhiNPdui4ZU41hHxvbHxjs5dJRVd90wdEGSenTBic5bFNKn31X0QWD7y2xtdBbTCeOx8YDMbG/JtIlF+DB7KgOmDpQ1cJKb+qes6bjvO44qzouq/0AuDb0YriYwnguUjaBremoTU8uPYYx9zqMiiaV0mqYkYdJ3zuNObZJqSV90dZ0w3VDtLRV6itjLdkPwpYn/TlP+y1P+zOedNuBxb3t6olUue8sXeswrbC4di8mU24vAxu2ZYjB1eWwh6oy+EYdkUXa7BsIjSM0kX0TaJuAazzNpsM3nUi7Xc951XJetZy5ad87DApkfwd5fzrHpCrjqscpe54zuKQBfYcMWBzr018LYPs33MLdueR6USXyHwPa3wz8ZmnH3wV+E3Rv/1G+zR/mR1M87hcA2NOyT7jnI64AzyZJlpc6ibxDyTubtR5yTiJUtJ/K6pI5L8MUmOqyg2lrvuQk1aVj86J5etP1z9bqno7VWOH7ypPKarJyXvYIsQV/I8zkPn80imtzuJyHX4EMUoWPJGXRhIh/DLyD/H3oXPPhvsthd7bUkebb5gRpS+/rhGd5rlLWTz9OTigvVYr8PGUN1B4AzxNTqZQSZDdhFOeB8Vos8CnH6H1hZGvzVD0qQ/ZZBzcnQ9bSRsttqAu29pybfsM+yP/wygqQu3R7HrublGtvx4XpqNOd56TH6kY8vp/7gdq8lKl8fHaPdgJmRXZ8G5oBzN6G5iig1aJOxmUMbR7/pHKmcuQ9B7RzAFTl4bovB7jaYfpoF6XG+TVfy1jbYw3PKQ3W3DVWwOri/qLhLNlaLXMAl2Lb0sjoEgbMu2uNqxXDqLzXytnXvCebkyDn297lV8V/nt0chpqrWM7ILkmP59jaFemxOh5/L1ja5wW0FMctzZeW192Nl4Dtqdn6Xu3y5sUdz1zg1kV6VxNT7GWoDb5x+MbQbB3VTYXd9xgfIEbs3lM/E4bOdXZgcvtzR39uCRtH2ER8HejqiKkCtgqjBDixuq13VDawryoZXEzgtrH+gM0tizURItQ2yyvuR4bUkIydrMSteuMIFgnUMXKEgluTYkbpkxuwM8TWEGtLVzn6umLfeO7qhusEcJ/VGwG49Z4H1Z7ras+l2/OwuqNzTvpqa7mwqqbKw3AONVvaD1qMAK8EarUP6wYV0+GgsgIvzeM+mipWA4hWxnxgnq2nc54mmWOFaAiVfN1o+hxvDNFayWubAKvtwXbyvvRnEddkUXEMKYFI8bneED3QG6KxeBNp04BQjALavWYoqBy96wjOEtIAcynvxhyG7JTAc0kCPvXCCAPTu9SvSyUDrPMur0j5REDg4/Np45h3J1dIPpi3fxPwN/Ft3uHbfABcYbml5mYw1xFycY/hKrkr58xrGUx6mS2XYDDvSPLjldFda2d1WVndtFoC3AlgzdnlCV/JtPXPS36vI8PYLgHhs4sR5B7rDMtbzy3n01ysbr5cdpz542VzTdNz8Mhzr7v8PCl/bpj+NBTn5nXI66Ex0PdJg0B2zlz97wN08+vpn8QJ5V7Adi7O9UXGwp5XxjzUZ/aa2bIxswyxsrXHAOtc7Xxx30M35cNzfRzZWpUg50ypypBzx+LbWPE0bPm4v+S7/QM+7i541m25Sy6NG9dz5lreqHY8rG55093ypr0d0vqoLEzz0+5iNelQS6C2BGrlmZd7htxFWQHzLia5cWJnd0FiiHYJ2KrplSavXwO0x0yhckCrIHaTlh0hS92zzKiupWAajynckLNfXq8pne1rAmyXgOjcvFy+jwxZ1/OGbu74mevk6X1gHsyusbVz+2fGcGcnlSDbiey4HJbVqWz1D4HuXxP/OL/8MkBtydLOhVUVYFelx22z3N++zoB2BLNzLzN/OeX+tXWy+atZ/uo3f4U7X3Pdb3jWbrhpG67vNtzc1Ty7qXHPHPUzR/O0pnkS2TwNNE96qpue5qMbNr+cHIScMLn+oqF7UIu78huW7oGju4D+IuK3kXYToEqmQlVIUuAxVY7GvVYu0FSSMkdjdefcl9WwSV2O1QRI43PbIC7Hmq/2rqvYtTXtvsa3jrC3El/aGmxnZN6PgBcQZ+CUz9U3kZs68qyJxCZith7XeDbbjrOm43Kz52Gz463NDY+bGx5VtzyurnlcaWqfPQ1+YGdhVCqFaOkw7OJ0INgmWe0krR1u6B9zI0XtP/O40cGfIsWKikqrp69GJZNX2fYwYA6xDiLfvjT4CH0wEITtxhtMnyaPzOP0nSHjHpLrtoPoLbQQd5Y+DaTcVpEnjcfVnqbxnDUdF03LZbPnst7zsL7jjWrHZWLCz+0+66f7YcBAfns7eZ8em75f7GR/XkqWNu+Hh2KsgNtXviQd8tsNvH0JX74QBvcq7fokzb8BfO3Hofknxn7hsxB+4iP2/Afs+WNY/jTvcMMXgCZzV857LGFzNZVQ2fmsuRHO9Zxzxy6B3svE6CZgeQ1QQZvJl5u34axn6ktxxWHfW/YYeXs9177ncqcG3GUCuWn728XzzbG7+acATDumvCprYHGtM83LUjdUXi/frvW7YmRzNby6VH0dxDmXH2htcfOsDy0HBY6B95KlPgZul575RFD83IxtiPFeTsNlKUFt7qCcx9cqmD6FrR0Y0yRBPiWm9hSmdv685f2zgDgDtNp4j7EiI1urEuRnYcuVv+S7/Rtc9Rc87c+4SflqKyOxTjLCfMtb7jpJkHcSU5uB2l0yUNjFegC0eclHQCfPntXv4L1k11iSHk8Abay49ZsM1I7S4zF1z3LantL0Q6VOJaA9NIc6Mpqb/TanlFLmVHaka0YXr2y5z+jZfa61dN05NHRk35JNfNn2LcGV+06HEuR8KHSuZyqZ2hL4ttKunwJsj4Hape+NE0HtnNDrPqqjJSD7vQa0ur4cP7v0yy9lLl5bz0Hwq1sukpwWSOEZAhZvXODOgreR6BzRWUJlhM2tapraUjuDu+swe48JAfqA3XXy5DFivMO1dpCy+jOD3yapahOJdSS4SKgCpor0VYp1rTzOBdreUaVY3QHg+orGSWxl48bUa7nbcl4U+NY21Z/RTbkzkd5IaxtM6o8igMGKX9PgChw9mB5sa5KTcBSZ7d7Sbxz93rHf1Nxt09TXPOs33Gykz9rFmltVQyWJcmmaBYcp8sY6MTKxBahVJZPmbFfDIwWyOu+jowuOfQL7O1+z7yv2fSXGW8GK4dZgupWQaTTEHLCq87GR1D7GG0wFhMTgxpyuTasmMbk2pnjc7PGCIXhH30d2ZvycHFLwBEdXp2dyji4KwJXr9DikX9X3Wad65hLiXBV2+DeSDTDPhEtZAu4FCZTvT/mQsQFPjOXZY3jvApriMz3HesoOXr4N730FeJ9Aw7f5Jt/mQyp2uOSqrKUBWsleSqAv2lFlSxPLOoCbtQHDdrjq2Pm0TNvffHuauwt42IhZVFl8Ba4+PGdSH5j2LCWdV7brSmNqR3okjtg1wuyqG3RJbrdMY3DL6jxPB5efX1Y/L3PH5+ctjUnoNIDaJZZi6QYNcJPeDclErAC65YfEDdOfb+49zD3Dqc87U15YihwIuEPx+73K8+bAnWuu5lL7aIyvJ07Y2jlQOxdnq9uVrT01by2MADhna7WBVhmyAqQR1DZ8Gs752F/y3e6Sq/aCZ/1mkH5tnIDaR/UNj1MuvdwBOY+n3SVJk5o4yfs4bQRzriMZnmuIFZ4HtTdBPgqmgLbOgK27F6DduJ7K+Cx2dhnMqkTp8LdIHx7pfS8B2qX3UwLjHNDKelyUK79SZa5xmAOZ5fZTlstrHGuIVo5Zc0GGF4utXdo3lSCXZlAlYD1mFiUt/N8QP+Av550MzFd4yShqDdQuaKnLeNo5QDv3dKeC2vsC2mP9/dK20wDtsV+/3Le0XoLgV7tshtQo0j5uq46LquVuU3N3XrN7s2LXVez3NTe7iuu7CntnqW4rquua+gbq60hzHamvPfVNj7vp2D7bcabuys4RNw5/VtNfVHSXjvbS0l1Y+gsZOPFnkdBEfBPp6yi5TxOjq7lPS5OnKqWJqZw/SBMz57JbW09VB87rTvrRYNl7R9s72r5iv6/o9xXxrsLuLO5OXIIltlRYR9vHAWiK9NYSaotvKkID3Tby3W3kO2cBzjz1WcfFWcvDsx1vbu54a3PDm/Utj+rbgYEsFUFa8r6ijM/10UwA7a3fjOl+ekn3c9s37PqavXf03uGDPLOC+5By8w5g1htC56AzmBSLbHqRaQv1Kml8YgWxipKv1skAhab5kReTPUQCtUbz2OrEmAtYRg4MwVv23rLfVzw12+G3rp2X1FJVz3nd8kaz40G15836lofVHQ/dHQ/c3WTQYIxrXk4pKO9y3ecjD4l69cvPMKXUsly1bz8WFpcL8OfSKCq41e7m68DXvwzNl8f+4jH0b9/S81X2/Azwx4Gv8oAnKfRyj8TmTnuwgMOzJXDOPEqaY2NL6dBc78rM8RcC4M+KWBtfybO6BtHDzoX6fMKI8BXUzvVqeVnrbHW7Hpf1B+5SQPgEGGes81rHeN9SEqfl2IBO7papXrqod+5Ura//ANCegizzXnmOKUfk5GfIIMDDud8+k34vva9jVTq2Lyv3BraeeMCELoHBpZKztUvnnRpPm5e5uNpjDstyr5m49CNlkDGnONmlYwLQpsZWc8bm55RxtTex4tNwzq/0b/Dd7gGf9uc86zfs+loAnwlcuJZH9S2P3Q1vJZnUhekHUJvLj3exxkc7xO8M983iVabv4vTfMU/lo2YXGk97Gxqu/ZZb3wzAVllaAbXT1D15HkF131RA2+RpezRm1oQB0JZxN4e/wxTQLwHaNeOnEijPjRTPfeC80uUUgFtuu68MWbetSW7goJF70djacr4GavMueSpB1lZ4DdaVTO20A/6b4wf8iccsV7Cs2BqoLRnZhfy0Oai9nTGJKp9orV9ee3Jmll8E0JbLIbXK64C2fJnHhjvm1udYXbL5q1lK8x1lQGuX2jszDpzuXaCtA76u6BpHqC2hSTlQKwjOEa2hNobqWhxz6XpM7zHeYfogLrp9xHqH7S0uyX99a/Abg99EQp2AU2VlbgVAeScg11ajKZVzAWeduOq6NCBpZZhT6655Z/V5hrkNbNOzOSvH7Y38/QUqCFYYWy9xpXRAJLkDy/uKNkqOxNYQGkY5c2fEhKmzPO0FPO/6SpjcjYDQN6od567l3LYH/ZCWOVdlIANdbsLS9pn8epfnsPUO762k5dHcrImJjUliHHsj5lq9wXTyDKZPzLWCeWeIPQRnBNBWyWgrkBjUOLKxRtZNYnmtiyndkgxQGDOC25ixwkN+4mDkLzIZfPlgBxfstpY0UPtQDWxu6+Q9nCdwu7UdDR4SwM1/f13PU6Z4DDUkAkOYbn2W+3zT/ODKJ4zqn8dIC6jzlqGBd5cCAt+7EKazlCrr4donfPYcvvyVdMB3gI5nfIM7nuLYT1o7Pa3FAztsYnMF4OreJlvODR3y/acMMOb0pz7f4/E6Lrf0hbFzzEvZo+Q9WXmcbiufNu/nNYhzrn/JY4qz490lPFwBuHn18lJ+1JSPNHe8fgOc9YygvpRlZ/V2aX6WP0d+k2MVy0v5XtcesPy903sd4pvrcYBm7cOirC5M3ZVXynMxtnPgNi9hABAvJsssY3rXygBkMwlyDqDn2Nq1tD15KdnaHNTO1ns4b4yt1cThpWmTSrA8hn2SIH/qL/huJ3G1n7Zn7PqagKEykYuqlVHjSkDtm/aWB7bNctWK/FhBbWkUtfiMK3KdEtTpsXMmUbdhk6aGZ15igu98M8TStt7RZ7nldITempBkaskMagHQ5ml7yhy0sx8RWSxxSMMcw3OdkK92To5dDmQsOTK+NmUOceTzcnntGrp8yvErx+RsLayD2Tm4cqoTcnnOoQS5lBovQb6cwZXj/o74Af/+u1nlynkxoDn07dqBPWI5pvYeJlElW5tHDa9Np8Tdkh0L05907c/qGKA97nB8DNAeA7Ww/NFVLr+a5aP2cgBDOu+Co/OOLli6lBvWRyOpWSqPPY+ErcdfGvresuuE3bOtwe4dbldR7baSB/UuUt9Gql3E3QWqncftPNWzlvPUBIbKEiuL31j8Vsyn+q2kIPJnkic1bMBvI6FOzG4V6VyK1XWJ2bUpT62JA6BS4KRj39YGjJG5Mr4uMb0Xm5bzpqM9c7QPKtp9Rbur4M7hblzK7ZpyvO5jYnAlDQe7mKS5MiAkjsAGv7GEpqY72/LRRphcs/VUm36Iy71oWs6qjvOqZevEETgPm1Fwa83onFy6BHeJUdy4ni6F5nTBsfdJhtxburYi7B10Al7VGdqKFntI72SiehMIsLV9cj/uRjdkQNL+OJuk5SQH5Djkt461sLrK7PoUV21rsNZT1z2byrOp+sEdW/vfEM3k71BzFLf9hqe7DfBA5Oc20FSejfNs0zu8rPdcVi0PKkldqBkftqblwrZsbUuNpDccPDRmmF1rAi4auhdUE37/yjeYdwOc6xjStrMG3ruE94rj76ppd/XzFTR/I1z+jcMleveEng/Z803ga8BXEdr3fWqu2OJp8AirezNp8z2bDPAu9aYL1vyL7W9+bDmqO9eG6/togc8y9r+5TjtndfN+Ou+lynvrfK7+cPg8Wbzuw+L8ObDLzO3LaiyB3knJD7xGU0GNoxz5CMfcb7LU160x82VFy55bp5uZBy3q7uoEcst7zn2VpXOW0j3NlBeWIudliRnNty+xtXPxtaeWHNTO3acssxJk5lnbJXBe5m49iO+IoxNynmJH6js6/GqR1D41n/oLPkpmUVftBdf9hj5YGuvZup43qjseVze8XT1NEuQR1IrE6RDUKrgTIB0mDo9rcmMFdR47AD6fsc5LoPaZ3w4s7Z1XtlakxyWorVKsbJWxs5tsqo10YqPUeBoTPMfQ5vWdPM9MrG1+3Fq8zprEeAqWXxNwewx4rh23BHiXBkpLtczcMdl65s0y287nzV15zFI/sQZ/tAk/ZGvnplJqPB9X+3fEb/KvfY5p35JXOF+ei6k9BmpnvoEU1K7F0y7Jj9cg+xKY1eUllvZ5Ae1xh2NY/0U5cjwnHvtql52vhza19VNQ64Ol98m/INiBSTNW+gBTG2HsGk/oLb63+N7g95Z+Z6h2hv5O4mrr60idOsc6REwHpu0xvWhhojO42hE2FdVdRX/ucHtLtwd7ZvBnwor6jUngKZPEVlZY3RS/aZILMiaXuyZwq+neXMAnSXPtUj5aK6huU8cRIJMY3OTcS7q0oNgE8iJYL/LamNyVjY8CCjvJBWs7g92Cbx1+b+m2lr517DcVd5uas6ZjW4nL8qbqZ52h1R04B7taNB5Vi7DsKe/rQLemKSSzp340fdLn0OczYWRrbSeTa2NK7yPPCzL4JUAeYdy3ZgS43kyZ3RiFfTUQTCQEC4w5greup3GSHz5EI+mbnOOur2lNJMQK7x0hSAywjlm2fWBnA7dVzW3VcNNteFp1XNZbLqp9Mp/aTlIxnds9TfQH6Zgm6jc1yoyvSbqfoRVusnUFD9oi56xmHh8Kk87g7BLOHsHl+cjofgdJI6SXffQQ3n0I72lemLFFFnHDU9qC0R1rtsekAeDlgUdlQJfidGG+bS47Qn3OJYCbA6y5ou9Ojys/SG6ye5cssnbOZf3z9TLwNjvfNcLm3mXxp3Pgdq40JNnwfUqLgNoPmQ5jl6Pg5btcG2BYA8RzD5J/PVAslw+o808W6lEMKAxppN4++iZeKrB9WWVOhryUsqdkjg/y1c7E1so17lOfKVuruemGe05Sx+TnSaxry+hyKMdPwY/Ihl0WV/uAq+6C607iaq2JNK7njXrHW/UNn6me8pa75g2zH3LVttGyz4yiSlALDKD2eYqfsN9y3RLUPgvbIV5IAa3G07a+YpKPdoallTx43QqonZca56UEtGvOiUtAdi4/7cF9XhcAe6wcQyP58jEZ8tp23XciwD3mhkyx7VgzXR5TTtI972bY2jWIV45SjhDxp2GqasorrfO8n8kH5Uv34zJ8aQbUHjOJmosGnnuKF2FpTwW2a4A2DF3SywC0+bb7AtpXH9xedxv2PhkIBUvbC7Dte4f3YuoTvCH2VtxwA8LuhbScQJ5V0JSAUXTQn0X8Fro3kpy1d9jOYX09MICujcNcliO2jbg7T33dZ/GshliJ7NlvLP1GQG6/TWBqo6xhJNYCuETGjMTrJjCFTf12WsYlxteJO3MukwUByW7jCTbSN47+0tDtLK6V/K4D0OvMKFEOYNJgtvHC6IYO3C4ZZ1WSRsg3FaHecLMJXDcR6oBNDsF17ZMztB9iiGuXwmzMGEusHhJ5fnaQNH6X9Z7GeS7qVgytulpy++5q+r2DvcPuxNxLAKzG1I6mWfobS7ofk35g2edaqO5CYnFjYnBJqaKM/EZb8Fsrv08tv4/Ob+vITRP4bhNwG89m07FtOi6ajvNamNfzquWds2fDc2lKv9a7ISxp31fDQMxNW3O9b4hJYWCSzNzZMJs3+cx1nLluGAzPw5RyM7KA4W/5Xv5HfCllqb0rW/Er5sHJTNt1VsN7JEZ3DjDo9FPAl8h7jZ5rej5hz4cIUPoASbIrzKDlFseOOoFfLdq2H/dEKKVHS/vnRn3n2Fzd3iLJXMsY3CsOY3LLHu8mTd/hMF/vGshbmtKxZ5fTGGJ/figAy7+LhktU08sNQLdN701Hv99NF/vJ9Gz6W30TYeG/ieXT9G2jKqjz4rnyv585gFn+HuW5ZPOyNBx+DVwvHJufM3kZ2frfcuTc7yGwvY8M+b5s7ZwMes6hubxeKUHW0JJj9ZpsOzFeo8vyx+ZW/nlsrSMOMuVcgvxRe8mTdstdLx9jlfMiQa5u+Uz9jB+pnvGmveM8JS1XAD3H1GqZALdsee55DthKwkR+XMbULoHaO1/TRzuAWhilx1VKAZGztGeum81Du2YItVTmAO2c2dPcsfm2ufeRl9cjfqcox0YL1447ZdsagD2yv0xKPgdm1yIi1yyDlvxxcwmyXXQ/XoJ+pQT5mib+Mu1Pz1Qkf4i871vqr0tQO6OOuq9J1LEnWwsTyte7Yh/F8jEw+/0FtMeA6xrAfXWLV7lxArVtX9H3Ft8LoA29hQRqjTfQmxR3mpkK5U2bOuAmx9xoyKQRQtcZD9aP8ahurxJfkS3XIWBasHuPbT2m8zLaayHWjtBUhK2jPxPZcndm8VsGkKvS2FBpXlUjpkfWTOqnDG90NsXKHoJcSIqeOhAMRGslF25lsJXB1gbXSoyxDqSZHmwaBDAxggcbjMz7VK8uxeXWEFqR84ps2RJqR18HbB3YJ4foKjHKuXTapXjiyoYhR21j+wHkisN1JxkTEhAeYloBHwzRS8wsvUn5fOW3ydMdmZj9pnY0PSbKQITbeVwX5DcyMgDhNw6/NXRnln5LArgG25ghH64w74bQWHxruevFlTmmgeut6zmvWgGfth0GpLsooPa6b7jtG66N+Ifsknx5cHdO5lgmydLVfKyygboSV+3ayfeDssVb1w0S8Nq8Rqn3hlK2Q1ry1rNhykLOtXvHrq+SoMcIKHoEdw/hOmPCLoGzWwTkfQMBSSODFvgwASU/XDmfk6UZysGumFIp0J0D53PGEXnnqPlrtBcpO8kcRE1rNJYcXJV5e5psvSnml2nf0vunWL/O5tnotevg8uFYhbKTLDHl0mNMPgzUYOtxdtInKGOuOY7lMnvaJC/fpT5YUj/l18yX8w+T8mOl/J0WK5uV8msg3zb3jGW9jpcfKGM7DxxVIns6MFZQmwPeIc43Y2vzErJ5CW7zes3G1sYx8XoeI5t/JUzT+xzG1rrsvFyC/CvdA550Z9z2DX20VCawdR0P6zs+U19Lah97y7npqRMDrQC6xdFGNwG1SxLkJUBW5rHNwaRKe/KUBcdAbR/s5F3ZoRP3QyztmW0HlnZru4M8tPocZVlN7E6YZWfnjJ7mQOzp8bLTlASvdVlrY0qnvvK4JcBbKlPK/XMoimXTqLn1YxDn2DQvQZ6TGx+XIJt4TvztXkKW5tr5tb5iru8oAe09QG1uErUEaEsjqaUJXpylfXmAdun4lwlo8/NfzfL22TW3fc1Nt+HGNgn41GLc452gGM1Z2sk8B2+5udDAVirbp4lMTyihgbY2dA8MJlgIFdY3WR7qOMxlW8T4SHUTqK+lnR3SyjgjrKgDX8tyqDNAVTPEgYYkZw5VAm1OAHmwYgylQFhuMMp0hck0RCvso3EQe0Pop+DQeJPJl+Uyw/tSoNsaYiXgPtSGWDmJJa4j+yqODtFudBW2Jg45gI1JuYAT2LU2DNJqg7C3IHJlZwNnTYe1gbbydJsKv3GEncPuDC6lZhpiartUTz/Krk0U8yg28q791sjv00VM+l1sG7AdVLeB4MwYc9yoSRj4xiTzMQiNI9QVvtrwpIl82kR+qQmYjadqejabnrOm47wWNve8amms50G952G9k+fDTHIXt96J0aR3Q6x4nwyour3jRn8PM8Zm6/sbBhCUCT+i8no1yidpPiPHWVSbrM3Lkrf4H2bbUlFH2+EaJRv3LgKavpLWr+lp6blOGXKVTf6Q0cnqakg3JFfyNCn+Uu780VCradzuXOzNHBCeY3XLL4U11LjWvufvq0EAvtZl7jfSeizdI3+mizEm9+Fj4NEyi6u3b4GmktOd1k+HrMvybrrPF4GfBq7Y8yF7vg78DL+GX+SL6OeJ5xrPTfoVcy77mlP8LpaYdd0312+X7yh/50vLxwDwtLw0YJs7I+fA8FQW9nlia+9Tcrb2ee+kEuQwAdDS+U3kyJlhlDoeKgir7ZgDzyejp2fhjE/9uUiQ23Oetlv2KVB6U/c8qPY8qm4HCfID27LNrjE4IIeaDrcaU7tWclBbujiWKX1uQjMaRQ0pfUb5cZ6fVgFt7ni8sZ4zJ4D23LVsTD9J3q6SIpiCzJANQ5Rgd4mdXQOzc0D2GFs7AbFR6qTM+esRz5PKWltxyr5Tt+f7T2iX1kyjSrix1FyWy8fS+7wMCbKJv5H4u/4o/CzroDbvH3V6xHFQm/Wha87Hx0yi7hNPm/9kcyztXFc0B4iXQe2pgLZ8gfc5/pTlpb+UV7e8Wd9hTSBEO7S3nQ8YkxxhtekKDEyrxo7aTplXlRonAKT5X8PoHjyki1HWz6rRkoA6ZVeDk+3SPJoBKLtWwFa1i7gd1HeB6i7i9gG3E2aXPkg+XYRZpbICmBo7MIj9xhbAKoFdp6B2ZHixJjG7Q3rbke3Vku0LJmKsAP9gFDDJO4ohPZKC3CD7ogdjIfZgKnmv+j7k3Yh0l8oKA55iiX1yIDYJfJeA1w3xw35IiaTu1rbqMxAXaY2qzGUgQ+KDUzx1GAcTxgGLJE028t5sJUZT1kXcPuJiEAfsPmBCYoidTb+DxW/FHKxP8vHBVTv9LUSrgw+W0FT025puG7g977k5a3lwVuE3lkfbW8nwUEnsrMbmdtFx5xtufMNN33DdbbjtGnamInaG1lv63hESO5zzH3kctg4cKNP76hftS+bas8tiez7PyzFwmw/IfsLhAG1+X2Vz32EESp9lCuS0VVeZ7/sIsP1mWm7o+RBDT4OfhZ365AKP9+zY4blNADeP5cnBpdYzB7yJDT2QKOsdlsAtHPZiax8/TXpWBW15Z92meYf8lvmAhErIy/peyft1jyUet1kAuHpaSzJcmkszkT/Xo+z5dNDhzwLv0/CLfA75ZRvG4fpSsC1V8LSDxnV/8JZ0UEIY37nfIZ/WQK7O18DtmlnLtLxSMbZrKX5yqXHO5s5JkPPrzbG1p9fnkK0d9ylLfCjrzQ2julgN6XZq0w/naEO+i7WA2l4kyE/bM+76Gh8sm0rkPI+bG96pnwwS5K3xOANdZGIWpaBvDtQqmF4yi5pzGS6fN89TKyl9Uq7aMAJajamdmmGEiUGUxsWcJ6Y2Z2lr42lMv8iYHssxW7Kzp4DZWcZ21SyKMW2TCQO4/aEoa+3GKSD3FPC6sD+XIZcd4NJ6iRWXoM/SdJph1BIEnEqQr/ijkipwrrJ5pefkxqeC2svndz4u14+xuWTHUWw7Ni+n5wO0HDmm/PXLfZywPAdoy2NfzfKrzz7imd9yvZEcqE+6M667DU/3W27aml1b0+7rwfQodBbTFrGl1SjBjYOTrjCsg7GSguIQB8kriFQ3GlOAXmFCydcz5jQ6aC8t7YVNDGoc5NHDvXphD62Xudt5qpvIBr2GGeN2q8QcVkYY3trgE6sr+0fQGxLozusjF8zAfDYAYHxWP41Jhqlk26b6ZPeIlRnnVcz2xwS+ESm1Sbll0/U8aXtupGWnTO+ITsWvIgY5JzYit+5cApY7Af7C4sapM7I+V85ERxID6zBnNjHTcXBaJgqb6+4Cbg+1vvtK7ucPWPX07quUWqqu2Ncb7ppLvtNE2PhJbO5Z3XNRt2wqkRRXKbXhm80dl/Ve5PZZXG6bchiPqZAsMcmXQ1IqBA/G2PGdvdLlfaSRV0ihktLHaf+cbHcOJNTF+hyMhNIT4lCZpID1ConTzMvctfP7fz5Nsq0DPqbl46HP1OtqvO6ng1T2cmB1b8hLXtNDIKVyp6uZ95RfoewJ58KO8ndUFkWY+TPnUw7e5uqRr+cyXpV5X8LZhcTjvl0y0LldZt67z/X8cPg11CJg92/lL/Al/sLgoPwBP8Zf5LcjEboN47CH/kr5X8T8590ekZw/GWqym+RCzsFu/tEz93dcH1x9Wk7rk08Gtg5DOAIQS2nx87K1x4Dr3Lb19EMvl61dk536KPGukrfWJfY2j3UdpUW7WPEsbJNh1CWftOc86zZ0yTBq4/pBgvx29UwkyLanNgK222Q61SaWNgfbteln89TqCP+sPT5T4FcmOu8SgL7JAO2tbyYpffpoJy6PlfUTllZiaRNTa9sJqFVAO5eGZy73bA5mx2eIs2ZZ9wWza/G8HivHFumbfmjLnAw5L0uA9wVkyFrWAO7cfK4LWYIsL8bWTj8IzO37xH/UzFewrJC27blZVNkXvgCoPcUo6pSUP7DO0p4KbKeg9pzDzuw+AHVu+xzLeirAPcYIv7rlV9WfsKtqnvkznlVbntRnfNqdcVmf8en+jGf1hmsX2FcVXSXpYqKzMrVj7Gq0YBMYtZDyozIwfcLsRlwbBHB2EetDkq4GUJBEAnuVTalkhOULG4NvLL4hSVoF+CjDCsouIuZTe2F369tA5T1273F3HWYvEyFIJa0lVg6aWmJ3zyr8thqYRZXPjtJlkzG7TMCtSrGtuiL7DOQOMt6xX4rGjOx1AqLBgc1BbpWk1XrPary3xgwPkmkywD2A73TddH2fcgIr2NXzjI3EOiSgbVLccfZuvRlMomwXcZ24PuvAhNQ31dPKoIHK04fcxS3YLuDaMDEFEyCrTLr+tuOz54MdUrf0WzQVfhO5O9tye+ax5z1n5y2X2z0PNzseNLshRlf7+S449kmqfNs33PU1t13NvquG+PLgLTFY4lBNw+vQRW94QkdffHXkHedcB7LWu82dA9M2LW+lp2BT5u9n20YOT92QpyBFmd3PpnnJ9ur9VAr9AZJm6OsEvo7nLwP7IYI27/7yYWRhFvdcseeOHf0kfjVnUufa77neL+8FGQyW5ors22GyY6YyXe3b1uKImFkvAfGSlCs/pxyMmPKs433y6zwGPgf89uwaX+WX+IeBv8iXUm07RlH5dxj/Mq6Yfg+UvbVeUd6u55obrrnhio/Y8T7d0Rjdpf63LubHy0thbANhNb1OeSyQMormctdDMLPGxh4rJVt7HxdkPb5ka3NQq+6+ul2rr86/XRS7+dw06jC2thkMo77bXvK03bLrK0I0bKqey3rPm/Udn6meZRLk1MinvLcqdVY5rII5jVEFBpms3Hf6O+Us7ZzsVuNq2+jYBTWLakR+7AXcjtLjIj9tcn5UgyhxPR4BrSS37wf5cS4hHn8HZaEP6zYHaEswe4rEeI6pXpduh4P3OO55TZnbJfB56vFrx+r+Y8ewbhyVN2tlN73E1rKwveFF2FqNTE2g9t/7BvGfMPB/YD7MJ6/0WlztXBu/AmrnuuZTQG15zNITw/Rny3++Y2D2ENAusbRLgJaZY8ptx+Jul64Hy4B2bv3VLOo/YF1gY7uhTX2j2vGg2vNss+HpZst1u5kyuJ3F7x2+N9g25bHtc5mymcqW+5jmVkDtwOqm2MwEfoTdTB1mjNjWY7sAtyNgGthWlTLbESBizCAVNlEMpUJdYR44TL9JTG7I5iKZxUdMCLjrPe5pkss5M0qaaytOxrUlbCy+sRMJbc7kDoAugboh5lbZamU5zci05s8QMuA8MLhuBPE5sFYgOgWzFEA3ThlwlVfbtD1tMyaKFDnF/4LEH/uNXCxaeU5XG5GEtxHXKnAFKJ7HjfXACJsbnSMMrL0MZojDcsD2RhykBxZ3ZM5DlUmWAWuAVuKdbQ/hriJcO26bhpvmnF/ZSK7gpvGcNd2QK3fjRnMtgNp6zmuoNebY2wmDG0KpPX91y7vAFTfc0Sewpqxt3pLr+mU2v8yu0iws59tSu6c5QVs99MeT627O1pYMrqyHyfb8OHVQ/iqHIG0uDvanEDfmlp6Wj7lOrK72rwqnPsDy/+WL3PBZRi64zZjCXE57PVzhoojZnQP1Y9FBbgWuNkMNyz2Bp4Ui/ZFKqEsJefn7zLkP67z8UHjMFCjnz1FeP3+H+X69po6oN+m4n+afo+Vf5H3eSJLxzyERup9Hhifg8C+hfIP58iOm3xICdJ+kSc6fMu/lx8/SYPVp5XsmRT7G1n6vQe14n9x1Oe2P4FYuX4LgMr2PgrcQpVMq5cg6qZETCFNoM6e+Xay4CRuu+ks+7i74ZH/ObdfQeTe4/T2s73infsrb1VNxQU49Vi5BViZV79EYL2l08BP5cQ5uS2ayZCxn89QOTO2GfQK3Ijuu6IPkUAyYSeoCdSfUND5nrpuwtJqHTutcFqn3IYhcA7RLzOwcUJ1jaOcAb1mn4XhDYm1/yMp9AG257xSAO1NOlSEfA6zlMS+PrS3jkcamPf4aA38v8/1nfuNyUPZUs6jm5YDaJUCbj/Hmb4ET53Pg9hDULo3Kwv1Yh/sOZZTXuw8j/KoD257a9GyxXMSWN+wdN07a6EfVLdd+w9NGWNyn3ZZn7YabtmHXVbRtRd9V+NZCJzlsTa8GU2aMu+3G9UG+3EWJy+wSk5skrraNA6tnuphckQPGewGgvWcSFGktsa6ItSNu3Czb2tUj8BRptNzL7SPVXaS69VS3HebaY2/uiLd3cLcjti34ANbgqgrTNDTnZ8SzDfF8Qzhv8GdivuQ3yfhJZdSRUSat0ui0TEzsdMjieM2UkRyA7sBYxmF/yEDvwKraDLRmYFIX9NPjQOI9xBbH8V7ZNYKDuInDfcc42HTlAK5PZlE+jM7ITqZQ2wGkRof814lmjN3tE4vvZaAhYWtiNcbk9ltDv7XpG8xo6DUuSGyy26mUPdW/Euds32y43QZuzjzuzNNsOs42LRdNx1nVUTvJnbt1PX0lgFbSCiZ38GQ2pU7Nr3pR2HKVYk2FvdXW+YYpVCg70RxA5WVm8NCfTxv9ieFCBe3DdPm3Dy+T46KHt4zpZL6GgFlJM1NzzTb7Ktrh6IaY3S+m6UsM0OnJueDh/NH0Pm8/AX6WwB/hQ/5NvoJIZt/NnlgfQ+NDR7bxhg8TY3jHhp43mG/XhYV27LD4e8Gpse/TWNR91v89BWCalz1/qfnLLTv/OXbzcbFticFUBlflxrmLs15HGfXHwG8CfmuSjF/xMd/gl/iPaPm54ZdSW6xcSH7FyKLn76L8/Jn7ipLz9unv/clEZj6v7Lpfn/w9Abb3MYI6cCuO8QDUuoFtPD1WYim21hebcsiUA5QltjYsNJJqKKVsbRerA6MjBZFiGqWxtZdctRc86zbs+ooYDbUNvNHseLu5Hgyjzm2PyyTIuQuyPIeA2jFhee6qEKaALCtzcmV5F3aMq43ifizzkaXdh5ouOLp0bTsAZElIX6bxObdtiqvt2Jp2ALS5fFjNl5Zdm9dB7Zz8eK4ckx2vxdjmgwSvfVkacls77tjxJUac219OqRyTIc/tO8VeqJxOZ2vn4nDGccst32D3M2a97S0HZefA7NxAZdoXLu4Hak9haZfkyTD9Scr53P5yfeycTmFpjwHa8gUekx0vgdtjjPDcdU6XPv0givYvkzAUE6hNz7nbpz4rtc0mUBlJsXbjGu6cZ18FWufwtSO0jtibYTK9EVltHcUt2I+srjJtEo+bZK7Jcdn2dsroarxsJl8miIRZYzdBmEO367Gtobq1KU7ViKw5j2NN3wYmSryqP7OEZoO9qLHtGbbzmL3Htj2mkykH1GbXYnqPud3jnCNuErCuk0w7sciTEqV+A6gl1duMwJZBcmtSuiQzAN4BuDkmIG7C9g5sabr8kIxX1xnWRwk0UwDtxm2lzNokozD5HbLrOAGuJgFWorojG2wfCCprruyUUVaFWmUwTiaVa0djBnfl2htcF/E7lYWPUvRBslyla2q9kyzd3FlJW7V33DUVu6bhWeOpm56m8tSVpPwp1VyVky85kwbZX4cIWzXyAQW4N3SQwK2WssVW9KfrOTBamFwn+W2b8/ESxzqDcn4NXJ7D4y/Dwy8iwGgUrnZc0xUQZtqDfIKA4Q+Bryd3YJXKJtmsugQ/eQgPfwvwWT7mt/N/4X1GB2k1b1KJ7W+CP/mQ/+CvM3ye0cJKxNV7rvhoAL5zjGNe5rrwueWlfnA3c80qbR1dosfrlYPC8/Gpj4v1/Lctv1fy6Nj8icnO0Wup3Fm3XwEtXwP+XWTIIheWP2ZkcZdE3eU3QfltUUZ2j/q3fZqm6Yim3xPHy0sHtseY2DwWdg7Urh3vMEfBbbn/WGxtgIIPnLlmAWbnjKN0eznpcbkMuUtOyFf+ko/aB3zannHb1fTe0lSebdXxuBlz1s5JkIWtnQe1zeQ3yN9fPKh7CeBCAsxdYmqVpdW42l2oufUCbLvkxqlFAW1lArX1QxqfczcC2gu7H6THjfEHjsfOhEVn4ZcFau9bSra7NOByM9t+aMqx+NpTyhpgTkXzSGopO5L7WAOVgLfcfxpbO2eZcDj2uPuTBv5mxiH3JVBbuiDP+SjMkJDqfpzH1N4H1OaCpKXO51RQW3bi+bJ2yIed0BxTex/n4nx9zR5s7ZxT71PUz1cptcKrWXRQMy+18WDBRulvNmlA8cy1vFHteVpvJH9ocpu9a2phcOtK8t92NoFbSwgCaGWKaB5blbuayf5xfUyXo8ye/N923RjjaVsBPq4LmDZg2x67T3lvExA1IeWvdQ4qzYGb8uBuHWFj6C4cvobo0qdMTIxuG6nugjC61y32Zo+5viPe3RHvdsS+F9YVMHWFrSpoasxmA3UlsbvOgbMJwC4MZGqzb5L0OUmqc1k1OVBO99Rtg/mWNVOAXABbLfk1B2MuZYOrkTEOGSM8AbpJag0KasFEI9kLYkjS8jAAeafP5swA/IOzI8NdGUI22CBMv8jFqzZzVq4MoRI2vju39GeW7hzYGslMpYAcJI+w5uK9TbHgzhKqCt9Euk3gtgnYbQK5Tc+m8lQJ5DoTcVVPRHI9L5ERr1JRBrJh9AK+4oYdO7qh5X7MNOXc42yuHckcwOVw2TWS3ufsAh6mti7vHHS5ZuxArpjpPCrgPWjfGy+vVdGQ2/eeoPG0khP3gzTPAbmCrM8CXwD3k3D55XRaBd/8Mrz/5RE/fwjmI7i8hi8g0Pr3AF/kH4e/DPzz8MWvIFraz8HNWwJyP2AUTOfxo+XwNdlc3175FsmOy1+bbPMSkYGqKUXivMUPccTvMO3+tWh86g03XPMRV/ziAE1FXv0m0w+JvI/NayMw3vIrXHAzgFI9S/t9ZbivgD0P0Y+ZZ3yZP0XLn+KKt/iIrwC/FeHZ/2oP9Y0MloUaugv41B1GZK+xueXA+3UxfZLeo7yP/epARFlOBrYSQ3s6E7tU5oDpUs7aNUOotWsrW1vWtmRrl0rO1o6xqcLWrjF1ut9jJ+AslyErW/vUb8f0Pvst+05+iiqxtY/rG96tnvCmveUiuSn7yJDaR92WgQHUbgfDqDjUpyxrUts5ULsLmVlUSuvTRUcfHX2QDyvpTPwgP9actApoc5Z2a7sB0CogHd5pXI5RfdmgNkSbpV2yi2ZRQ6qgIyytJeBx98h/+4qXtRakHEQ+9XoLx5pMKlF2HHPLa7DlFC7uOFu7BP/yJrjlZ3ifn/6mWY+rhXVQq+ct5aqtxjy1czV7WaD2ecBsvrxuEDUHao8BTYpzWLje0rXuA2jL89KHXktKrfBqlmM5ya0JuBipjbTJIRrOnKRgK/sGYyKdjXTGEWxi53qTtaQGQySqfe/APkqaHGMTsHWI8VRiCYOCXg9+YHiV0XWZKVUtbGKXUs34kIyp8gc2GB+we6hDJLQWV8dRLpuBIwz4rQCw/szhHm6w+wvc3mPaHtsKk2uUzdVvkARKTYhEvBhVkXBhAtuk5eIFJlmxTQDVZAA3veulsc8BxKZjS3Ccg2CtjNFt8l6iyaTUdlweTaqYglt1RvYZm569ewKDWVY0wugSIkSLDQKGFUwbMw1ljc4QQJjcMH1PphcJuQkB2xn8jmn6pmqGeU73Nh5sK7mSQ28InWVfO9q65raWFElV5SXNz2uTv1bK42y5BDlPucYfGEtpmRtiVIBbgtuW6dW1dODqEeDml8gnVUOviZzyal3p8kP43G8E9zlESKyi4RJK5p3fFbhfhC+/A++eC0AVpfMwjx/As/fha9+SVvsd4Pfyj/Lox/5X/Lr/9Z6vAc94G2FzPz8z/zx/PTX/FFPIndcuZxaXSv4LXDPHuDaE9Gwd8Az4pckz/16u+DsPQF0u+R3XBfDmscTl68/fog4XqOhYud48Mnt6vyfc8GQyhtEwipfb9I4aB+++AZetKHfqGxGvP97Cr86UZXkd1ed6aWA8P65kdPNvnVPKvRnbJbBZyo9PlQ2XoPZ5Y2uX7ndfJ+S5Y0MGbnU+m+YHkwyjxMxpyCebYl4dcYyt9Zd81F7y6f6Mu66mD5baeS7qlkfNLe/UT3mcDKPq9Ep20XKTnIl1tD4HtXWRrzasAbETQe1tAWo1rrYLyhbL/TSedmO7MTdtYgsu7D7F03q2tj0wdYKpu/B0+TgTOjGIeglMrV0AyApu1RGZFGfr028h+/9rWO4zlLbSGZ4iQ74vt1fuPz22di29T0vLn+en/0UD/zDHDaPmpqWQ02x7fyYyvd4ddrIlqJ2D5s8Dak8FuPOAdk56PEdHc4/lU6TH5f4XkDjrh51OrzKwTeqWuUE3RyBgqI3HW8N5Ot6amMJDmiFG8a6quetr7qqaXVXRdY7eVcLedjYzKUpAxQBBgJOJEGNhrBRFrjzkfNV5MJkxkxldh73NpM0js6uxtLYNYkTVB0znsfteDKOixJZiU87bTYU/c/RnEt/ZnSfZa0Vy+k1mUB0So7sXVtfdBZFB3yXA2/UiV+56idP1An6jD8TgBeB5L88dsn7MWoyzYKwwvc5hjME4NwDVoeh3z9ygvh6b2OIBNBtzeJ285MxwDqrtwnp2f2VoNa3PQX08GGuJPkhsdDIBs1bl4maQj5Pic1WyPKRM6iX+utp5eJIAcGUIm8Tgnln6c+jPJFdxqLN44AimM5gWFKELk+uEna4jXRNp6whNwNZecvNWHude/cHmzzMCkStG8HEFXOILYyllaq8ZtcRlLGYObeba0YUe1ZGYXLLz0nJuOHUKIlEq8Gv6lO9B8960aqpAfhdwHzFyh58gEKqFtxt4+zH8uneAL8AvPhxDez+A/fvwZz6AP/Mh/GMfg39zx395A7+qFxj9hfR+v4BG+LY0fA34F/hMhJ/8XfCTfxfsfzP8aQd/nlHGDFNDKg2zWSqjn0Qu81WuVB2jVdT7LvziQ/7uXw2PvvJ38mhmtyLS8M6UFS1F3nOfYHkPXAqZm3Zsb2EMCWibKZjWX0Pvd4O8n/dJBlMN/FgP9gPgO2BThTYNPMp+3/AI7t44BLsU9T4mWb7htHIvYGuNWWRX87IkMV7KRTtX5gD0vWJsOUw/tHbs5D4ZW6syZB3hPhZbKeeMOU5rJDersrVdrCS2tnsg6X3aDftegNG27nmQYmvfqT/lTXfLNtFZu6gS5BHUajyVSHsDdXqS3L15rr4lqO2iw2PZhZoOdyA/vvWbIUdtH9zwTnJ3wiqxAueuZZNivM5tO7C0WzNlasd3PQLXkDHdYmC1DGpLsyhnnr/zmjOOut/5rzmgPRWUnnKdOUx4pNxHhqzzY7zbEgR6frZ22sQ2/+xGQK32Fkug9phh1MI3h+ThlI5mKQRqqdY/eFC7Fji89ktRbLuP9HhtOKO8bnlO2laC2msmHiqvYsnBLWnZJsM9MfET1jaYgE3sbTCG3nrOXDc7+GlMxBjojcPbKOBWAZXXuUiTtfPUsEthNgEj7K6xicG1jK2rYWQRLZjELhoXiZXEbdpaYndDnYyqWptcmBOz6FOqoVSik77CJBMrTCAaO5gdRRcFABkFTBrvabDnFtc63L4RRrcLA4g26rwcwsjw9sLkGu9F0hxjYjNV4xugD+CDANK+lxdgDSZjZyfF2un2DKQeZYLXylwXGvRHSrdUxjoNFkwYbMAYQySNYgQzkV/jRkb4QCCml1BGV5lcYyRdEaOs3e1l9MMEMSXzG5KpF4O8ukyHZKIR6XmIxCBx4bGKhL04YQcX6V0lKZJe8aIEaV7KdUlxA/1Ahc51OvkV9SpLHZSWJrubLufbUnFp+xnQZG1lw6ifVulyHrtbPkyTbcuRyuO3RRrNY5bjQtuROmwYach3gQ/BJ31x9yFcPZm2+nkFfoL/BlvgY/4V/vAf+/v4vwP/HxwdX2IEoI+ZarGXxMprkFLRXY5UPwf+PUGHX5XZ//vPjIzx+4wJkT4EnrCh5zOMQFkfuvygGPu1D/k7efupDOJN+rMSEadi06n1BVw8hs8+hv4h7M+n+WzzLLlai+HbTbvS8n7fAfsILi5leudyHLRvm8NPxaUB+qLKq+VkYFsysqcwqyV4PQUUv2hZMo06tZSDlcfy1o73NQNwXTKN6qLjJjYDW/vJ/py7tiYktva87nhrc8M7tRhGPTDdkLN2l8XVhpQsSQCtZ2v8AGrL+sjyPEBccj8uQe2Q0icZRen1rAnUJgzy43Pbcu72bE3Pud0LU2vF+bjGT4AoFMxsZhq1VN/SaKos9wGmJbgvY46fG+S+AMD+vpalFmKt5WgXlp/3XjyfDLmEPeX5S8LV52drtXnVpvV3AX/ouARZK3HMMKoEtVlc7Rysvk9yopcBauc6nNNdj9eYgqXl+9qBMXOf8txyfQXQ3mNQ5gdZVKlijSTcE3TY4zRFmvZDFmwCXS75H1Qh0NiKjevZu4p9XbHzFbd9w95X7PqKu7am7ROD22n8rR3MpYxHmDxvBLySMK1RkJuBW0W9upxiPSXGM8V9xpHRHVjfQTI7DoCJjJmD3LqSpzVgu0C8M9Qu5c/dSp7VfmtG2WsaOBrMqIK6PidJdKvMMWNM8OD4nBjkfY9pe8mt2/XixNx2Ana9J/qxcTPGJKbTCavrHNhsWQcOcuDqrADaNBdm1EKVGNMUnwsMINIkkJ0bcx2wwiE7NmdpYxSGugS31sqgAw6TzJhGhnY03BqAZ0zXNvJ+ozFQITJ2sv0BbDKZcvtI/UzOD86Iq/JWXZXNCHQbaRdV/mxj+rtRtUByXo5GTccgVq8+sP0c82Of12n9BmVwxUnWDzlc87jbspPJ4y/LzqdMGzMDZIFDkHsj6w4xoVJm922m7aieOteeznVS30m3ac6hPofmvWlmGnfLoFE6+xb8BPATl+AfTpOuagDtJ/DsQ3h2BX/pk3H75onCS8u7/BS/xvwU/wx/L4+B38DYO7RyCb4BPPsyElz6mxAK+HNFfQ6mPLI0f/fvwt1DQa7fZAg7/k9/Av7T3xLha/DgWyPD/DelW+XZgR8B5zzF8glTwbJA4AGC/lPAP7Pwc+ZzsocuWPTqEqrHcPEIPpv/Fo+Y//a5zH5XpXpzEJ11v1W6Rv1YgHSZrle/gUDa6eBEuXZqubcUOS9rrOr3A8S+SJlL+aOgdo6t9UcArgKy0qzJEYd8gy1uyFv78f6CZ/sNbV8RI9SV50GdsbX2jsaEBGptArY1XawGs6gGMYoSsBfx0QxAXKe8Tm74bUYQmYPaEdBuBvfjXagPQK01AWciVQLW03jafXJA3g8sbT3E/o6gT+sQkgw5Z2ulbtngQDmoMhNbu2SGtVZKpnYO1B6LYyt/8yXjq//alyPA4T4y5PKYEr6U23R6PrZ2JnL1D/4h+AMcGkaVnUXpcFz6PCzgPo2rzc2iSkBaMrS6vCZP/t6A2vOFt70Eao8B2yUZ8Sn3mDu+3JaB5jVA+xoA27XiTKQIbxSfh2ixjMxtMAacDOCGaAhu6hYn7K1MvXUEGwU0GDvKk4246KrsOBG2CewmcDv3OaBImMTAkcXI5senWFNNmxOcwQouJFQW10ViNRoX6b2iU9A6AmOJPY1j/tg852xiHoMz2ApCJ+f4zuAayeXre4ttI6512E2VXJgbkTC3zeDEHNsOE7wAXpUs25W+QUFtYmZzUDuAWZ2cHXICK3gcLjPIwrOPmdLNOb3fHATHkOJqQ5gyt8P7N2MdNBdxFsd7EM+b/8ZkAwh6TZ9itqOAXnr5W5HfSwYv2AfAZtL1SOhyFrd4h5Hxt89UAbE7gdn+ARc181nCgRTbr9kTuE2xm8dKeUzeYV0W29tiTrGcrxfOko4pm6uXWepISimWllyPqhjx8jwZ+RUXdbfw+Hy8jva1HzJquXX5Mew/hF+6gg+fCCOqAuFceKV30DfzC1+HTleuSGTuOTw6n44bnOmA+Vw0aPoAyGlHBYtfAL4B9XcO3Yfz+NhHwJbbGVCbI0iZ/vDvg7/r9613Y+VPUvop61VzxvaTbPn3A7/n32b6Z3I9c3JJtTbIb/IYGYyYyWRkL0YWWd/xppGBUN5YeKCs3AvYfr/A6jEZ8lxKoOcpc2ZSB7Lkoi656dC4LQOTGdARVrUfYqBuU97aq5S39q6t8d5S1z0XTctbm1t+tPlU0vuYHou4IN+muNpdHNNP5BJkyxTUdinOt6x7GbuqaYl2sc5MojY881v2sRrcj/so8uMS1A4mUYmpVenxhW3Z2pYan6X0CZN7y/ufzufKnGmUbF8GtUtGUIfXHv8ATgG1OQOuJmFaFKD/UJZjLeMLlOeVIZ9iGjXX5T9fbO1oRg/NdHRz7buiPO4E3KdM0pJZ1H2mNQkz2TYW5kugVowx5uJpdcrZgFOB7ZpB1NL2+0iV7wlo8xf1ihbNX75UZAB0/M/liDgbcTHIlGJu+yChJGfOsfcV+9ClnKAVu6Zi7yta79h1FZ13dF1F3zl8n2JwOyvANhlDKcjFIIxu3s8qW7swn8hXbZo73SfM3cDwBon5LV2YZT3NgwA9l9LcuH0k7Ay+htCM7K2mnqGCuE1VSHHCcl2TYtIW2OMkgXZtwO09du+xO2Fz7b6DtiN2nciSQ5Ium0CMRnqN5P4c6woql1yI3cDOhgQqxSgruROnHL/C3jJhb6fvNcW4xnx/HFhzE2ICtcLcmmw5B8VDzl7Nc1tpvts0n6tLVp+BiY+AI6UYisK4KjOfYnFNH6k6cbWGxOLWlpDyG+skhlOaCir9bvpcw7Os/jd5JcoXkG/9MlLlE/JY22kc7uianMd0al+Vdzx6pTkGNzGwE0dDOA3cUuxLiNRlTK56FPjq8NRjnQ5Mul2aDEie9QxRny45F73dwE9cwJNqtOfNsd8n4/X21/Dta/h2juauwD2D8934dkBidds/DVd/GtpLiG8zpVGVSr2sZMrrWZpCki6saPpzSODvd0Q+/Zfeh7/0HeB9cB/Dmzs5RMXMjznnET/GY35sNbrpz5o/wp9lvhpznyOXjB6XuVuzgumKu+wlClo1//Hv5Pf8w2Y8WC8A0z+bHDWXAbZ6bP4AudpamdwEfO0l8Ns4Wp6LsV0Clfdha/XYHMQeu+6p14Yxzc99irZ/A4ApDI3mJLK5u2QuQ3ZEmiyfbBcdT8OWq/6CX9ld8my/oUvceu08D5sd72ye8nb1dGBrA6MEeRfqwbSqSUypglqtawlqyxhVl2KvtD4Kam9mpMd3vpY8tZn0GJiA2tz1WJna0ShK8+mGA4CYs5zD/IDtHgGtvk91Qi5dle8DaEuJ8TSf7XTfnKFVDmqH5QygL7k6v/Jl7iN+LtVPedwxXLhyvxeRIS+tr8mTBdTOVfoe0PD3flMkPiVbm5cScy2xtSWonZEgH4Pc992vpfwsKeflN8Z8Prm5rvIUsyeK4zly/KmAdu7czBSqfLhTXuIrXO4zkCZmUtO2SZlbrKRFsVFc7e9XBwEUsRP5bDDikmu8yWonOmSjYFc3rZUlhld3JdAr94ziyqzsYS9kZ7RiTqVgagA+SQIbe4NN7O14/njtmGTTJoFr4yBWAsJCL9cY8/eCU7BZG2xtcZXF1Q5TO8zOYVon8bl9YnEBo7GzahBFYjetTW7HiQlVltQZYcodA5BUc6wlBnMCKIe5yUBvAvCJ2T4AujrgoO9/qAsjuFVQazXeVil4fefyG+l9TYAYk6N2QCrl0wlO5mb47SI2gokBE+1oQBbAB4Op4+ikPEjL4+S4V72ce3jslpsgXT5kdj0VO3oaMnqTsf+6zOZk+6+LdS2KIksmV2uRr+cl3zfz4ZDLSM+Q9ri8bP5gDfPtr+7zlQDoyYmpPLxggDZlV6H9cA6yMmTor+DZNdw+g6vddOz6Eri+ljsNzVP+qZDLafWVt9l9y26qZVAoT+qqdfkQPr6CTxPA/YCRvVWstyQ2/93ZclMsy23aISzLDgxzHoCbTzoikLPDV/D7fif8Kflu6S5GhVkZidyUdWiZGFfBaF513Yx3yjlprcnv/+c4qZwMbF8kbvVllWOgVvc/Tzt2wNTGQ1CzVARQThnSMsXPTWJrP2ofDGxt31vq2nPRTGNrz9Mo+y46boMwtV1qGQQw9jQZYAwJ0LbYwQgqB6N5WhsFY8LSNlmu2oZrvx1YWgW1mtJH7PPDIqi9sPtV+fEof56CwDkwWILNpdQ+ev3nNX9aA7V5OQZqc7b2tZIifz8+3JcARFaWZMhzkZb58tJ6ua1hTob8PGzt9TxugsO+vOxNXpIEeQ2PrbG7S3lq10CtTvfPT3sMcFIcX+5fA7hrLO3ccZzO0JYvIP/2ewVLF6uDwTxJNacDs6l9jeMgpzUBixn+bIfBWyvg10aHMzFr78VDoXGe1ju2VU/nHW3jaHtH5x19n2JwvSF0jtgbkZr22aTsmWfMUxpQY/lDJjcHY7p/pgirKyCLSs+NowOzz5yYw8g+miAsrgkG0yfTqjq5KCepa6gQmXZ6WYO7s1dwLCyuPpMYWpnB5XnI29tG3C7g9sl9eddLvt6uJ4Yw5utVOTIKDM0oO1agaLL9jNJpZZyFTaVgcM0sMy7vw0zfdwYG1UV6cp4WU8h9zZgvdzCSMtlxuRx9uI/+RnF4f8O8j6Le9soiy7zqe7jT+6U432xAIVQmDQ4W+Xtf8bL5K/D2I7h8Y+qKrOxsnS2XQ4pX7LnmIzpuCQextiW4VfDSZNvKzuqi2Fe2y222XJa5IdMZsDsA3XpkdQcH+qzdzi9TdlLNuRzqlL3VRvtKUhc9bODHL8CfjzGfGodbxn/m123BX4O/gX3G+Jq7TGH2bQHBg8uTsraqIS49ndbGfpWh1OoXcl5/JQD340/gL6W6m4+guZ4Pe81vdcnhGLssN1zSpF/7jQPGV8fiG1oqdgn86suS5aufh9/3q+JEL5DX5bKoC6x/o+RFmePPp+s1tDQ8g89/Bv5BjpbnjrG9b47Z573GfWN27wvAj0uPT6njmLt2iGfNTKN2seJZOOO7/QN+ZX/J092WtpVXX7nAG5spW+tMTOBzNHTy0Q4MsLgsz4PaLlYHcb45yG2jo8NNQO213ya2VuJqNZ1PSPJmmwCkpPOZgtoH7m4AtFvTSZ5a/GKsqwLCOelunrYidzv+XoPatXIqqH2t2dqyLI2Uru1/jnJMhpwvl3Co3HcMCk1No+A40plpgn/Pd+CPMLK1c6C27LjGHmJ1KiXI95mOgV4tLw5qz1ce4r6y4HJbuf68gBYmLO3aSznlBb7CxUcjNONM0bZozlneITneLVHCWNJ2cVGO2KjtvbCDAn77yTWCxkbm9Ul1CYn+HLpOBTm9Au6ITSY/aQMkXBcppMswsn7HmnhlFG1GFWbbBWXFAwBtvcTXGisOzMo6arxwtFFOJQFAK8A8pNdvPESfgWgP0UkqIluZYVmZTuesGE85g+mDpNCBMcZ2JkZ1fBeJ/R7cuIrddjqVDPl04MBMGd0QC4Br5uXi+es08/M81lb/DgaVeUzvVwG0MWBimifsboTVkb/TdJ6mq4gRgxwfg0mDCTKgYOoEmF1MrLaZe02vXrmWmMJmC5fNiHPKdl67lHy7rgd2QPlNuwRulxjckr3N12EZ0K6VHOCWZU4W1gF1cmFG0g8pw3u0TZ5p5F0H7z6cVkWrk5se55dQcJl1O/FKAG+uNMuxNDXjyENe5l55M3Nc+d2gIxk5SE7xqPFSQPeHTwTg5sMQS58bOci8KLbNyZpluwDgC95IXwG7geV9xF/if7sYmZtvUzBc/nhztc1fbJudm671+zmpnAxsX3Z8bQlqVYacb18Dtc8TZ+vMNK72GLTJgdeSU69KlEPGQCrwUqC2izWf+nN+JWNrg7e4ynPWdDze3PAjjeStHdP7JAlyArUK8JQJHe9taLHJWMpNGEOX2GI9vk2OyrkEWU2iclC799VEhm1NnOaoLUBtnqdWQe20jiMozKW7s79RAWh1+WWCWv09c3C7lJtYj101Dst++x+6ONuljuRFPvpb7iVDLmFPvpwfuwR9jptGrUFGbZivx68IbY+XSt5TlL3HAkZ7XgnymlmUlq7Ydmy5BLU925m3OvcwzBw3NyyxdvzctnuytCWgnXu4tRdbvphXtIgTsngeQBaKkXLsBKxsy9a1WE0TlLWBHY4akSYPiCIAtscy5i23idHtg6WygT54usrSe0fvLd5bQprH3hJS/O3A4iamc4iNTQ7LIxOKGE8po5vAVh6DqzGiWkpmtwRhA5uYwFz+SaGOyEQG1jX0DLG31IZQJblrBWKHpccz5uTtGYDtNE8v2M5ge5sY3ArXNdi9xOTaNmB8SBLgOMimY5bHNn/OGMQRWutuPAQPvpaY1dAkebJjlOhaJlLlKXOr76F0pR7nk+NnvscGA6tj3V/2s5lskMHHcVBgZG01hjkOsc2mD8Liqly6D+JcDdMY4ILNfeXLN4ErqK/h0WO4fCAA94opA3aBSDTzVu96mHuuU9ytn7C3DdJTqJC5Kea6r2RpLxljc0toNNdm56VmvswB2byUw61I/ZThLVndg1LC/kS3ugbea+C9RKd+VMTh5rGfLfLSy/4hHRcVZ+V9hI4L5AbVGieq3w1avRygN9l23XaRnfM4q1uuDE6PFT9J8cLZM7i9tEXb/vgwcflrK8M7J2O+wNJwnra/scAMi8RZYnK1wrmLVP6S87+FpcFuLXLOX/P3/E/4hb+bo+W5GdvvdSlBbc7Evgy2eP6eKic1B/G1S8eXk9QvDjLkEK3IkP0F391f8mS3pW0FQjkXeLDZ83ZzzdvVM950t9Qm4OPI1g45a7PY2tHdeApqczMRm8H2MWbYDkZR4nZcc+s37EJ9AGpVzlZreog8pU+SH+egdmu6iQP04bsa5dFhBuCWaXIOjKFeIqjVMgdu544pn2FOgjx3/GtRypHKU4895fi584tzcsYW1gFuvjy3vtTVwZxpVF6hY/DxGv6t78DvY2zl9cZzI8B5a/+CbO19ofja+ZywnIPaQ5OoE/TUw4uY236f49fOuQeoXQKtp77Y17S40ZZ4aGcFzLrsmADR4tOyKHScxOMag0PiVx2RYCKVlWMqKwOqkrqnHKCO9DbiJSiSYCOhtymfq6RgoQdMYjyTIogkV4WMpUukpOQsTbvjFBChx3G4fqxrUIAWU/zvgONNTIAyMYsWybXr4hDfG/P62Yg1SHyxT6em89BzLSmXrpovRWzG6trOSo7eEIf4WxjZzuF5QkypbpIM2iSm1RuJK3aJ2XTCtkaVBquLsInDpchAvgnpzyUDu8vA1hx9t4fv+nBbTKx91N8iMbXBJBY3D+yF5Cdih2hxQ0xB3kmqjLwf1LHZWWxl8P416JMVnSbGz9XwpoPWnTaAOW2qPLsJe5szsvn65cGZ0xjbkmacY3Bh2vMuAdq5/XMgt+xUmVnXbWs9fnls/qYuRfetUubsvU8y9ZSn6ytRdjZX5+bTTfYoeTeZH1PKzvI5xb61KdenJ9zo09RPTO7mT8+HLfIefg3kToFsea78u+ScC95iKmUu9d/ly176BhjLL/CfAv+9mRc1LfeOsZ2YPaFA5XmiWscyx9bO3fu+xSHtnnZYeTkmQZ7bXrJ6oGyesKDDBwQj8BrZ2je42p9zu28IXvLBbeqeR5tbfqR5xlsZW7vPJMias7Zka3NQuwv1BGTNgT0fLW10Rb7ahn2suPP1AGq70ijK+mlcrTsEtMrWzpkvDdLjeJytzRlafQ4FtMN6AYDXmNalkh8/53Kd7zv1mvc57gdeTvlgP+Y0lK+fisKKshRbq33B0vY5OFReJ+9Tlk2j5rYtPMy/kw7PW/S5kvcKh63+QW8QLsBvOUhUfl/QOte/vjxQOzdS/5yOxPc+5x6Adu5h5l7KKce9BsC2TQOZ6nDsMVP21liS4wLBJDURAW9kgK7DSdsXRG5srciQu+hEjhxVmmwn8z6K10IbKrlvtHTeUVmJ7+29wzuDryw+WEIwA4sbgiF6Q+itmAVNYnETw9mPLsTK4ir7SYptlfhcYTeH2NecZczZxaMgOA4A2iUgGCqZXIUwoLU4KMdKjU7iGEtqxWEZNSzyIwMdwsjaBi9GU6GJ+I0w15I7105y80qs6RhbqkXS8wjgG+S8yfzJJtbW9sLc2j7i6+QarPG3lZo96fPGbLCAjMFdYG7j/Lb8vR6UOM4OnbBjsZ6OtQymWaFO7zO5XwtzK8y37ePI4PZRWG8S6975YYTklWVv8vI+E4LLvgObx/CjD+Hy/FAmmrfIqpi9JCf2hL1tucHzNKlu9MwyxjanEbVNzWXLeSe2xODOXQOGtt3f41dwxWj3pCHuim1zHydr+z5MdXofHl7K9OOXwKPRTVlJxjn8lXe2uc9Svl2Pvcq2f8LU7bdFg0eXsVx+reviWrnSt1xP9YptArmp3vusX1OFSbVb713LcfkS2JaA97B31ljeN2j40YNI7hH4LqUhaAjUg79HoGI7c1RZfuD/5+fkxDlb+/0wrXpeQKIsrRpHKQhVIBaiAM8n/oLvtpc82Se2NoBrApebls9sbninfsIDe0dNGOJld6EeQGBj/MRhWe+roLZjlCCXzCcIqO3IZMiJrd2FOplF1RJTy+j8XFtPlcfV2jGuNs9TW2csclk/BbMa91vGpGqZA7S6/ZR0PodpjebBs563NgCwVEpDrrzkOXiX7v3alO/Dx7w2qlpKYJovl5Bnbh+cKkOG002jxumD+AGf/RyHTghlWXJgPFGCXILTNQx2qkMyxTWWlnXybFZMoubGaZeGGZYAanns3L7vsfR4af8SCH5Fy+D/YOxIbq1IkzGpfUrLVilJ29OFCkwYlEodDheFua1hRp4MQr1Wsu7AmIgNFmsiPlh8iPgQ6IPF2khwQQCutQQXib0l+tHt11gr+UyzmEtrQIOA9bZK7uXSZLL1WeMjxmOn6Ycy4AgiZbUjCzqmoRFqMaR7BAxUUfLgMgLcUaM8XHESJypxuekefowDtb2RfLwutY1dYmP9+DxSdwG3gxw6Md7jPRSpZnNlbRP4jwkUD8yzGf98lBWOYQS4Gg9LOGTPle3FMMvK5mVyD33nBdjNf4zo0vWtgFsFvHaoAOmLK4hrchgrJfG4AdN+778fX0pRrJk3bUDVwGUlA5+PmW/3KebaUuv6NXtAo+T1rMeMABaWGdq59hnGxvEyO/Yy25+V0gSqXNYynFodrh+A3aULrn3AlI17zk5fwcPHcPn2aMWrrGzD9GXnauccBOchpSUILp+zYdof5a9Zn1Xdo3V/mx2jr1of4SJbv07rN4w/a/FHE1sBvH4D/R52BatbVqkEuiWze8UhuGXmWiUL/JjRxOps+FaT59fvkDyI7BoxlDpWTo+xZWycX5YUOAe1a9fMYcwSbHjeGOA1UKsfDnMxliNwS7GVBbB0RFokxc93+0s+3l9ws2/wKcVP0/S8sdnxdvOMx+6aCyMNRZfAsALRnK0d3Y0PQa0eK+9oBIS5W28bnZwzgNsqSZgtfRzdNMU5M1JbP8TVbm3HxnYpT+1+YhS1BmrzuNoJqzwT41UC2sm2BVAr9zz8qyhBqLhT28k1lO3VY3PmdomtXQPor50MWctSX7DUEb0I+C3OXQO1+fIx+LSENaemUfdBNdqMXvPZ35rdbE1plbfeS0OYOah9AcOopY+bEo/l+8v1dVA7Nxp/quuxbruv9HguzuaeoHbp4X7IQK0W6X/URNBhTRxz1A4DhmO72pgejzCvOXvrrPQVNkSRIUfZV8UETKOjNoEqWoL19NHSBUcTPX0Q9/w2OHxIfUmw9EH6lCpYfDCEYPFVmnsrLrYZixu9xc86KiuTq3lydTKTHLZD7lqfs45xjNNFAVQ8YAnH2FHZEBO4HlyHq5jiNTX2Vp14SaluEKBox++Q6BD8VRhNjVJlk9IIja7MwuKO8aWujYNLsOmFwbUhjH+flpTqZ5pX1rWy7hvwtYQYjq7PZogXDslkSWXACoIxgI2jPDmYIe5ZUyANYFQHO2be6WSuqybh4mTyZcLI6B4y7tPfJ9qx/qHSeFyTGNwk5+4Ctg+YPoBOr3rJGVsFIqnNqt+Ftx4yKGdLFu0Tphgn51nbYb7nmn1q40v35DwwtIyzzdv9ksVdY3CzyaVrnGXttVYODtvl2aIAL4MsZZfitJ+H5WHhEuXdpEmTx17C25fw9mN5Hv9wGh66pgkvgW657yq75YeM7K2+wnRLLquUp7eVHL208DA9ztvpXfrz+bjbOSa3zY7LEWKql28PWd2cfMhNPvNfNv+1y7RDc389S73/yODaBHKbg2+6/DW+VGCrpWRYwwASRpb12DllmQO1z8PWnnq8NnOnMLXHjlFJl7J2tRnBWBcdz/wZH7eXfLo7Y7+vid5g68C27sU0qn46xNYGkrw4Y2udCQdsrYBRcTfO42oH06qM5ZTnHZnaLplS7WPFPlS0oaIPTuKKh3sWEuTE1F7YPRe2HVL6NPhJTG0p215jObW+8HIA7dx9cmY2B69eTVWYSpnLa4y5dtefY3LsCS7ar0Q5FZyeAnpPuUbRaa05Is/JkHX7EuDN10uYdFiJU1FQy98QP+BPfIHDFrsEQKUbwxJbm207xTBqKYRnbt/S0zJzzMsDtXNdFkeOZ2bbqSZU30dQe5+/8R9wGdrCGCYMrkU8G9yg8xS2dshpno4Tyb7EzQ5tpfYhlkyiHOijE0mwVXmyG9ID9dbhgsUbizFuYHCdNfgQsUHidq0NhGAJLhCCAlwBj9Gbgc1VcBt7Uh7ZKcCNatpk5TsjmDgwnRKnmxBYxiguSmIDswDXmThIeENl8LXBN1FAbZOBXQdUZoxlNXHITSsXY5rPExKYNHgrANd6JvlgMWIGEyI4db7MJcpeGO5oBeBFZzDBCoCuycylDN4L8+xDqm+U3zyQgduhTqgBc/pgihgkr64C0YEx1z+5MBC56+xtxhDrAMJBKqD8tynPTZNJ7LpVIG4gGrE5G+O0U0qjV72U5OhV2p6cdpW5pTmC/4pyiB337AZGbK4stb85V5zLji9n5nPQJRWHgNM5UDs3XysHVa1G4DsA3TLAVS8+17OCANxLBuTpHsPb74gePI9lbbJLUVwmB5s5+IQRdF4yfaWPi+c5g8OvgKy4JkmpUzqjK0Ta/Em6llKoOdDOQa4yugt9YGyTUCabGy+79dvtqp/+wjrPQe5cz6+l7PVLmf0Fh6/5htPKc0uRLesf+sNx9wS1JTh90bE2jbN9mSVn85S1y92QJ7lr/QVX7TnX+4a+kwRzzgUuN3ve2Tzj7eopF6bFEuk4ZGtrpqlz1CRKp9wxWcybxvyxIdWrTVJpdUPeZ+ZRXRDGNgd+uQR5ytZ2bG075NK1BQjVd6JMdmm0VB4LC3G1ExZ3/i9AP+Sm5k7rcdKT1EdmvH4pTZ4CdDv9vQu29odGhpy3m0ts1Rx6WjpuCXFxmmHUKQBWy/1lyHkl10W9f+LXIx3Buxwi6/Ihllromak/47ly1i7FzS7tZ2a5nMQRIJcfvwioPZV1Lc+5JwBeMokqH/J5QO19Pq5+gOXc7lOYx5irVqXGIUXXujRYGAp8MBpKxQyRCKUYUhvcpRhaF0VdY2MkRIONkcp4+uiooqE3EkLTG0cfA8Ea+uCoE5vrY2Jvg6VLEmUFuN4KgxtsJIQg5krBEupAHJhcYXHR1C6Di/IYyzrG5GYsbs+U0Q0K9DTNTZzmUx3WEVCVPhxMEOY0GoN1EbdXxlCYXF9L7K1PDG6sBJwGBbEZYIyQ5a9hYEiFCU0MboiESurpe4NrJB9u6Ay2nTKT6qRsvbC40RicOgI7OzoDNybVzwz19AMoT7HDOfNsGNFplgd3Iv+O0+eagNs8djc/tiwpllbZcWOz3ykgv3mIw7WmjG4ct5FAsoVQ2yRnNxhrMO41YGy/w3J7lrqvuoUHD4Hz5eG+XKGq2EVh3YjJJP7W09MPSCfvtErWNl/usqtdZss6v1moTVZT1wh7e5ba8rtMqrzUeZ3SJpfdBgXQzSd3y6GGWJEeabkb9589hvdSLO5dNY2fzV9B/mr0Vc6xuLp8hfz2igaVtX1cwaOHaf1tONP6lidfyft8uxGmmQuJFdbHKg2JS6Cb16kEukzXY1r3TBle4+HTfgS8JXM7l9Bnbj7Ty88C4lPKycDWP0d6nedhauGQrfUx4laulbPEpzZhx5jYkn2cP0aYUAU60ifIZ2IXK27Dhk+6C67259ztG2JvwUSaRkyjPlNf86Yd2dpdkgrnbK3mw5XnHFP1tDOpfRTclmZIIbHAU1BbDRLkMLnOVII8MYuyHXViaY/F1R4zi1oDtEtgNn/v+j7y32fNmAoYekAFuHPsbX59vUcJzktQq8+r7/q1KWudxBIymjtuCVHNlNI0ew3UHgO0pzR6yzLkfLn8isi2lf16WXIcp51Z2ZKXhlHPKUE+poIqxyPWnjQHtfNGUXOgVkfelwDoKSZR5XmnxtNmx36vQe1rAmyb9J/JYWmpIIYR3MLA3qppFMx7MJTg1hmPxeBsYmmJEnNrAl1wQ6ofmTuci9ggUuUuiixZ0gAp2BVWt9c0QQnQlgA3RiOy5JhY3CAgN0aRwQrQtRnQJQO6UZjcJcmyrgcGyTIJ0FqNo1VQHLSdEgnwYEwVRwlwtAlEKXCsVObLABptxZh2R6W+ZFJfZR4H+jIByziaN8VeWGKXGGNnI+yFj3SaHshLuiDCiKFxBpucgWOVAG5tkxxZ5xHfjPJkrfvoomyYfPrkQHWpmAzUksXVpvPzopJkYYcVHcfh3eQH2hDHeOcFxl3k08kIDQjGyt+HXf/WeyXK1cL2vOlDPtiVuV07vOx+cqZLm7Vr9hj61P7nDaHSidqR6bb8qtrbNNkxcyB4qX2/HI85S9Lassx12WsDj3MfE1rK8dbLc5kePmKMEi0BbqnzfSzrZ48lL66ysFq/vPvLX8dVdt+r7Hg9n+zYhJ0HmfK7af3dc3jYMBWe50xu9m4fXkq88HsXU0MsZZDnpNXXxXyp/5xZVnZXwW57JwD3u/2Ycij/qihsxSbl2NfDqeW5GdsXdUI+JU73lDvMpQNaKv74IRMpaQ5YcgCU78vBWy6lbaPjaTjj4+6CJ/stXeeIwWCbwFnT8dbmls9Uz3jD7sQ0aoGtzd2GW9zAvg4MqJH42xqf0gGNdFhAZNLtwPK6AdT2wWUSZDNIySoTJhLkrRHGdnBAXoirld9ijKstiy1+zTVTqDl35XH5ENRO4lwXgKVI8uwkt2/J3g7XmLl2ydICE1ArsW7rrs+vfDnlQ/5FPvaLc+f6oblGr8m26/ocwC0782U35DkkcziZ+F8Rv1QfXnyuQ83761JPU3wTPG/O2iUsl5e57WugNi4aRS2Nm74sUPuc0uO1B8r3vQiofU2A7dZ22CiDqJZARyVGQidILwePA8Jse61l4juAOCd30eHsOCioMbsBgw0OZyI+mlGirHLkJFF2NsXglgA3WIJJ/ZFVkBvTHAG5yuQGk+I+zSHQ9SN7OzC62bIJ2fIAZE1yIs5Z3zidK3OYDc6J5DmmXLgpDrdKbsoVgxNxqEjxsDD38+TAVx2PYxTm19Sjk7LtZHId2M5JHtwuCoOrzsBZPlzTB6IP0BnsXiTLVWVTvLBNOW9NYm+lnuKibKZ5cA/A5pSNnYurXdw/SMKzfn4G9OJUciwg29pk6BXA+jiAWgW8KOvu48jAn/LR9woU86cj8deZ9TZHmVuEuW0SFsxbSsVQ2u1ccdiattnyNR5xTt4U5lL5kXn+2zIeZ4mPm1vP2/yCFXY3cHYxjcNdmvKPhDmwBfPvsWFE+J9odSphRC/fFiDpbpkGp7bFBRL6c4gMuKnmQSHM+3EVl5k8l2JrNW4+ALoVPH4b3kl1fdhzSAVrSdseXgiAv2aUKCd8fjB1zD/L3MDCCuAdjKla6FppI5/ullMOkc3L5fJ78FRw+9zANi9z8bVrbO19zKf8iinUKYZRpQw5cELc7In1G2TICSiNhk0CUj/pLwbTqNCKfaKrPA+3Yhr1VnXN1vTJ+MOKu/ICW6sASuNlcwlyDmpLBtVnLO8+gVqddHRdi+aszSXImq92q7G1SRq9Bj5PjavNAe0pDsU5qC1Z2mNMqQ4W5OBW6zEnZz4F0I51sSn3sV39SHztyrGO4j7Xyc5fi6/N15cAbL6+5uV0XIa8NElLH79Ujx1CHvBRlrwTmksKly2vsbVrNTtVgszM/rLMg9o14Lk2fvqioHbtugWoXXsB+bYXBbVLL+4VK7XpB5WOMKoxOfQvt0OlYV9ZNIRFlwcGN223qZ/zqb/KAW4X3RB3mzO5lQn0MdAbO4nBnQO4ajIl4DbJc6NJ5sV+WAemgDdjdYO3DKmEvJE41FzCHObAbsHsqoy5F5mz9VHkzhnYHRjExO7KS2MwchKQaPAag1uRJMIMIBcOQWNkuq4HjRJrcVC2nZhEuTZiO4vbR2wbEsgNkvLGJ7Op/FvJGKK1UFlCJYyugFyL3yS5sgLemgzgmpGR1UstSY3L0Fi9f8a05teYgP2MzVYWNoYEbo2A2hgzibKyuX0YAW2MydAqHmeZX4ES33xXAIyWtfanHT/c3z2fhuMqZMwBbY5dSvZWb3XI3ubAdg3gwtiA5sZScLxdLyXPad01wuIugdwy5PSU75S1wcq8j744h8fnM8BxTkd8DWeXAsjvqvER9BCYvqr80fVHyI/PgWVZNwW37wLvAJ8D3qmEOX78MJMqlyD3WgyxHjYCch9Xh6ZTZfytfvPMgdsloEuxPVuOCeDSwv6awZhqLr/usfLSga1LCdtfpNzn/PvwwQOw1vUTHZKVnXXP0fKpG3IOqPLY1tuw4aq/4El7xm4nplHYSNN4HjZ3fKa+5oG9k9QIGHYJfOaxqDlb6xljZaXOIblcCqjdmm4AnB5DG+shDlfjaW9DM4DaUoJsTaCyniaBWpUg52ytxtU2BXNduiDrdq1nXnKWtmRo51yJ8/ddbp8DteWgRWmipeBW6zZhg4vrzcfRmgIIH9bntSplQ3+KG+ypH/0zAOGU+Nq55VPW86ka/kZPQUM6HxGO+XXvEz81h314WfKbXhZTKUFOOWtfFlubn6dlDpPNPbWC2sD5zNsrR+FPAbWnAttTpcfZWO0pJlG6fmwE4D4v/TUozoRRPRVT+2d0edpOlSEeQ9scJX/rwPZqvC1kAYw2C+UYjaWCkZhbZ8PEYMqZKLJlGyU3egDrIjbEQZZsgkiT8zRBLgO4CmJDNCMRmAFdBb4hxARs07EuDi7LMQBe9pkB7AqIDUPe2RHYjgxvsT5Im0eAaXNwGwrAliTGtkfAVUg5bKuITSl+1LBpkCYzgrkB3GbxucHKyzcJMNte4vRVei1g18pyKwzuwOYmJtf4mKjgCEHY3ugDprfY1uD2CeRWyuCOIH2QKOfAk6yOC59R0/RK0/c09+l1cN3sPAXI0Ug7amMy64ryR2w0F5TX9x6X43tfqfIYc/W/AB4Tv/T3yaalDjGt68f743PZfVUcOtfi5ttzOAnQ4tmxw1IR6FNrocA2j6e9KLZlsuJJbG07c7d8W1ecP3OOuxAjpRzkKn5e6gjXQCwz+0rQrHGplxVcPoTm4VjFifNyej95Sh59yTlbe51tY3rqwQ+hoHcOzH8H+AABuV9HwOcjBOw+PodH58LoLoVOzfVxS+MO+TOcUvRaayVdO2d03R5CD20/HpLPn7e8MGO75IYcniMm1xMn8bWnANRTQG2AlBJh3r124ho51L8ESIdQOwc8eXoFlSFftRc82W3p20o61Dpwvml5a3PDZ5JplCNKbG0cY2vVnGmOrc1lzwpoNZ+sgtoQR+OmXayH1EAKcPvg6ILEPgGDWVSes3Zr+jG2tshX+zxlTnY8B2jLMscEP2/e4YNrF0B0LYZW7z8Fsubg3FNkgK9VOTYCurRvZv994mt1+T7recnzoa0PNc5P8a+k3zE3jWo46NOmo70cdlY5sE2tbc7WUsznprl+rizl9jUst2wWdQpAzR/+ewlqsw+ZuQcqt8GynPjUl1qe8xoURwTTT8wch7CcAtzmJQ8NGdtkm8mK1TV5BLgWCKmPsZmpVDBmMJeqo6eLYhxVGUcf3YE8uYy/ra2ZpAkKVpycfWJuBdwyZWvTPELB4Jr5+FxvRb7sZV3ia0W+jEqTU77aAexOwK3JmN6RObUa29uPQNfmYDexia6LA5jV9EGjYdPogmxylhIG4HsAJlGAmKc8MtiOBGYtrou4VkCubSNuH7CtsLk2pcExvh/y5Kr5ElZZXDeyuXUypKqNPIedYXDnur6CmdVt4/LUEXkK8M3is8ufpbxHjBn+ymNicOVPNg6y7Fe/vEs0/0/gQ2Hk8vhNsuWinapaqC6heQBNM+IjnedTU2wvuyvBTz4BXOk/x36iLa5QIrc8inIuthYO23ndthaLm9XcNQnk1sJAav9QgtycLT31O2Wuzc/79kGRVQng1e1ll3jJ4XXL6+tx+iPkJlP6uHOmT638P48uq5vG4r6DfKsoo6smVPl3SfnsZb1z2XSbrefvND8nv0bNISmSj1PMvYsM4Oqz9YnFbfv5b7tTu+UXArZrKX5OLZpg+7RjF+6v60U9ltyQT03JssT+5QzlWLcxvnYXa574Mz5pz7jdN8Qugd8q8GCz5+3mmjfdLVvTM6bvqVbZWmVG9V4lqK2z0fcOUs7aZgCzmt4nZ2zlWnFgazdWYmhVgjywtUVcrTWHcVxlbK2C7BwInwpqD0yhVhjZshwD3kuS5VyCPMfQqtx47XqvjQy5bB2OrZ9y3Brqmjl3DtSW/g5k2+eOz9dLWARgD3QyZUXzqUBF+QD12vBh3sHlneCCYdR92dpjLO6SBLksOag9TYKcv9nygcvj8u1L0yks8ApLmz9Eub6UsrA89prTXurai3yFis9YVMgUKAvM7RATGy2YQ98Dm9yHpnGzIe1L+W6TsdSwnEmUYWRwO00JZKL0MVHPH5lcjb/tU/5dZXBDNNhgB/OhEdyOIFdTuMRoRHGKMrjyLMZAMBKPG4xBAjCNgLcEaGNIGtggbJ/maSXNjTryDqzuVLpcsrqag3aQOSdgO3EPNmZkaBXghZgCSTOmNmbzWGzLwR9IqqBK9ttmrJPtUk7czmE7cG0UVrcVUyzbBqwXZldNqMY/Br1JclxOfy02Iu7HyuDaDISeAHAPAG3G4JapffLrLQH74R3rOVaAt37daNqlV788QnShYD78CeCS+FM/NwIcmDaVhdmUqxMmaab9adl6z23LISRosycA19ADW8IEGs9JjnXeMmVw22L/HLi9njl+bUqNuEty5SbrK66zQ/RhWqT7OeVzIN9Htp6D55t0vfyVzIE3LXW2LX/5l9lx+sPkILfmAPTGsp5qRqWM7vuMYFdBbe75sQRwy/dwzKlyru9dmy9tO1Lm/lZPKS8lxvZFyvOYUOVGUXOgNge0ytbK9pfHpuXxtTCaIYWY4mu7Cz7Zn7Pf1dAbcJFm0yU3ZDGN0k5cXY5Bug9la/N4p0nsLXFgdRXUKpD0GFokx62ytbeh4dY33PmafWJqFZhaEyepfSRn7T7lrN0PcbUKtK2J03dQSHPzUoLaNemxliVQuxa3m3+gPY8r8YFJ1Iwp1LFr/1Ck/HmekjduS/uLhuyU+FpdXgK0OQwqi6b5mVbwlFZapmve5xJzaBBclhK3lbE0ZafH6WztknfDXJ+SX4eZ43Tf/eNq5x60fPNLDzznqnwM1DbLBlHlNl1/WfG0S9d+hYvkMO8HPwYiNGbsH9sEhHzW3odk6KSAd3DTT+16Q4fHUhsv7Z7J2kQzqlK8sQnQGjCeEC01/ZBirouOYA1dcHgr6X66KAxuY3tRDUVLsJY+pQUK1tBHNyxrvUPO3jIPdHPZsrUQgh3mJgigDSkBqsbikuTLJGUuGsubliV+M+mCw7g8pqFhnAaQayYxZBrXq2zubCyqXh+GeFIj9HiuAJflhMUHUycbD+TMet2hbsood4nRbcHtE5vbSSqjAex2IcUPx9GBuI9Y77Gd5MnVKYh+nVCJ7jpaMwWguWIvfZ8dgNmM2R7ebX4sOcAdBwUk/23xKq2g/1hbsBFj48javvLlXbTNjeazwCfw+Z+buujCYptlW7CXYip1voHGTQnAkr29YBpeWRKHig3VXEr7jp4tU/CptN4Nh8ncT+ljTugTDvqkYjlPH5QzuccGLHV+LBwlZyuXurpyPDi/vpY5NrcttufAUj8CcldjXb4CcwfVJ2C/Nf5eoZLJbxgBrYLcR8x/0+Rd/Ql/a4vZA9bA7NLyCsidGw45tZwMbBfZ0sKVeC2O1hOfK053KdVPCWrnjKIOjzUTcyh70NNMy2Kqnyy+dmQyxUDjmRc35Ke7Lb6VoBRTBc43HT+yvebt6hnndi8y5ORarNdqCslvLkPWe9WmT2xtLxLiTLIs7K+wtTdhk4HahnZwQ1ZzkEhlfWJre85dOwDb8wRqc5mzfY6RzyXH44OURHMGTkdAbR6/m0u0y3IKS6vHzYHanMGdq8MPRWzt2v57jLCt3WPNNGppeW7fGuTSfdM0P/fpyVouHxnpPN5Feny9Ufke8o4t78tLhS6HTshamzWsNbe9LOXPtNYvjXG1S8D22DT38EuA9jlB7TEgm6+/zHjapWu/wkUUMfYQLKEDiYKSHIqUGIAiZsrekuJiJ6qbAVmE4XpiPsXA5iqTiylQGMmE0YKNcZjbOE0RFGLARpu4ZEnrUhkBuCGKZDlGQ58GgRW8hmjwad2l5/LBYNI2YwMhGowJGCNuwEZdlFXimljDAeRGRY2kOFQzsroxHZ8Mq5TVHQCkN6NDr4egzsxB43Mz46qchSVdXoFpIT2emCgtlfK4tDyAxyYSNC64k3opyHUtyYSKBGxtaqfjyFbr+4CRmbWJfU6mUgPgzMCtPttYyUM58vgOx/cneXPj6HcVJ5dI14nEuZeSmO2YGGdxVX55hMb3ruTt5zeBK/66b8ieP/nrGYHOkea5SvM3N0gw/EpZG7dTyKpzkSdDxS7F3yoiIztyaT0veUO81oeU5+T724XlhkUmVy+ztFxnl1s6Ln85ZfWWytq+8kMmv7d2ix3TH0NHJC4hXkGXwG+/n17aeIj56HhOspdhU2VdTulv197l3LOX76Ed6wnLZlLPC26fi7FdArW6/Dzgdildzymgdk5yPO7X65tFCfIp5lFu8oxTuWoeXysy5HM+ac+53deDDNnWgTeSG/Kb7oat8QMQVeClLKw6D4/3M0MdRpbWD6BW3DBlRLtNTO1NaMQwym9G0yhf0QaXpfeJOBNn2Np2Xuas7zaaiTR6fEdJwnZgGDUFtWVZkx6XoHbJjbk0qcrBpk2fYHPn3QfU+mFw4RBQS12X2etXvrzMj/iZzuD7EV+rfcGUrc0rtNQiz8iQS4xWljkcNyf5aQ6dkPM7L9UuN0hcw2jltci25cvH42qXQGj50MfyEr4EUHsM2M5Jj5de5A8pqAXYhZpghF3VPsgygtADt+RowYwsaEhfvipRDozsrbZx1gRqo+2wFwZYpc1Z++ixqV8Y/R103oWKgJkwuR5hcfW8PkrquYHJjXZQFvVhuu6DJTBlcsU0ap3NVSCs5lMh2OSjZDLGNhlVZeztkGM1Y3in2xkRnLK8eexuDmqTTHmUOzM7MDH3CZUD1/ycREQn9+IoMXguEp2wuSRWF0hOwYlZLkCubROo7RhjdXtGh2g/Y5KV1XcSD3vA3s48Y0Qk5QPIjdPBgoHNJQO96XYxHkiXh5Ik6QJuzfz7feXKY8o28U+avx+4gq/8IUkBs9ZuXSOM3DVUjyXu9q2zMdPLJckPiZGVzZdz7998v15a5iJPvmaP5D/vU3+yZBaVr8PRPmCYlhA8xfHMXDtbHphcPSftK1VBS8tz/U0+nwODcDhisAaMm5ljjvVR+Y91BXwCPmNyacWUye7kWPvRyORqXu3ZLnuuyz/Wt6Z9OUDVsrS89hqW/lJmuILVci9gO2cGtZY/9r4GUmocpbAhB7VzcCEHtWuC5ilze7w+xyS2q/G1oZH42v05+30NyQ25bnre2t7wmeqaB3YnHx1RUvH8/8n721hbmm0tDHuqqrvnXHOttfd+9/ueDwggxIeUXCGZfAByYiRsRYoQ2LGdXAmIMLb5UHxjxRaRIkQsFIhDBHIIsg0/DLrYJgmOuCDHNwnhR+IgQBgspMQ3upZjkKyDgXPuOe9+995rrbnm7O6qyo+qUT1qdFV3z7X3OWevw5Dm7p79UV3dc+0e9dQzxjN6b0BlG1o1ldOh0g10DSAAuw4WHSZQaz2FIGucXBuZ2h3u7B73dodH2+LRtmlg4LyGVhaNcpMKsgxB1hMjLOvVymfBTdZFLIHakvrxJaHH+fXqQHcrk3oJqKV1KSYm1aB/ZG1tdrK0X2wrvdBq32uZnPI73zYv88M7t/b5lUD3d+pvU34vtI+HIcub6XK2VvbkKUrItRDk2vHb69WWbAtYXQO1JQ8KfDRQu+Z8tz5k2fYzMBtVKkDMK5ivqOTcEridtcXYW2J0s9I/CO/l9O5TOmdzY17uAEzsrdeAHrP3uVMR+EUWl3yyhp4xucFX+fCdAG5kb63T0MZPwDaCYK98Ym4NEMHvtI1CmrX2SWzKR8a2BHIDqxvAkoqxwFPI8vxDjCYp9Xo31V9VNrLAGbBV9bI5ENsVWypfBoy0nUAtAVw2ge+dgm8VYBXcGECuHpBCltUQALgeIrAdCZRj6nuhrzMwK4CtzJGleyMhrBzYKqY4Tfum79O5HOWz9i/PcvshGn9X0svozwH4Nv7w3whbf+IfwTJr+4AJFwLQLdD1wE183dZccxevVuJXJe6aALEFcEKef1tjaC+BJLVzJVgmwSn6jsq6/ERGF10QouoKqS8d5r4ByBnUj22lsUPNT5VuizG5uAds/HDA6STa2+rjVsZ8knUl2xKdx7/XwO1SSceaPTnH9kMEo54akpyujW2gtlabW4oaXWK8Pmwpv/bBdfiyv8G70x72HAQ00Hkc9md8sXvA16IaMgD00Cm31iiX2FqeL0s5SwBSrdqUV8s8yxBze0NO7S5+phDk3hn0Nsyc6xhW3PIQ5Fjeh4chc1BLRmwtGeUBc/A7KyuxAdReAmiXwphLtsbWrlkpb1Zuc14FAbDnxNjKF9aH5BTWvCbbvhSKXMraxMK2GsSal/mR3kmiHPH9+qenMOQtoHYF011St5YmYZfEfUtdWXr0PYB6Xm1B5ar6uQTULuVYrYDaJWC7lE9b2vahoPYTB7cOGs4jqfob79CqwKoSuN0rF1hdTxFCDaxXGNAktpTYW618CDWO7K2FSuxtAJgue/cGPYjYl5iDa71Cp3IWd/ANrFJJMdl6jdbYmM4TfOnOhxcD71NgdU08Zs7mjm7aP3IFZagM7Kb8YmJjaZ0dQ+WFiNXlCsu8lFAenixALhkbG/n4T5HdZXm7WT5vAnqYQC9tx7QOYAKwfDjlGaUb96nGQTcOWrsg3KVDmSUVb8M5DWsVrDUYRhUizUYdcoQHFRWgker6ZvV/SXCrxORSH6hbDJiXAugysEug34nrOJ8D7PTxWXhz1t4nb58hfz9OQ/r/ufq3AdwDv/HXhzIvtXcaUbCvw1Lfh7xb8xnQ7QPAJVKPawrJ3FvO1DIiOCttGvaF/Nt7ABY7OBwxLx9HKsk1RIbCtpqAYe0cXHCu+G7iOqkt0/6aIj8KS25LjlnuK6G9FlP6U80n1T4F2t3HbZa2Ld3DB8xB8LEdhRPz21pbyvXaeHBr1zYD20vCh7ltYW3X2lmCClwcCgj1+MC2OUxhyI6Fz66B2zXmrZRfe3It7twV3vQHHM8dMET1yc7i1dUJ3+je47W5L4Yhc7Z26kMOnkNYWAC1lBscBikhxIsA7UMCte3E1sbwLSAAQ2Jrr8yAg+5xq094YU5JMGpPebXw6blxUCvBLYAM4EqrgVEJakvPvQaMl6xU41b2+1LjLAflG9M2+q1O7inzS5+o1Qb2fHstbFNs21K/tgZm5bFLL7d5mR+5XPEQ5O2XwpB5R1Zw3BJbK/0Q4auacBSwna2lbcshyB8b1G6tf3sBqC3NRyzdcOmhbbWlmYRP3ILQU87eErgltWP4WIFAxWVkb4H83RbaK7O3/P3LJzN1FK8yKvjz0I8GUEFUKqy7kCqgHAbXJEZXK5tKBtH1tPIpN9d5lbG5o/fQ3kFHMD46Da19ikhSXkEjqCHTdwDQDOQqIGN2lZpydK3TUMbDRS0K7yPBHB8ZdECD3gUAqaAAxXJCpY9RmMAuZ3dj+G6R9U2g1ifgTPnAHOim9gUjm/YV3DEBW63DiIAYcdcoWOtgGw3barhRw48aflTAGJndKEQVRKkwMdFr4FY8mvTnJpczFpctHYFpBZfWfbY9HZfOfS7ItsOELG7E+u8G8G381Z8GfgzAZ/8oyswtNXOfN6kfpq9dV89gldt5xuxNYZnvO0NFv1vOv+1QB7glI0aW97C2Ltvg5y4Znc/bjOcaBLBrGUSiQ2vfJVhdu+yaSXTHu1vyeeSC6Ud6g9x90/YSqF1CnBDHCT9LdWldM43zqFxP6Qk/xS49/0mM7axmbVzWACgdzwEusbZrJYNkm5ytlaAWhe+XGIHfCayoWdipFUJCxLQaOAwweDce8La/CmrILoR/dbsQhvyN9l1QQ2ZhyGFWfGqDrjt4k7G1AUC7BKR5f0/e4MEHsSgCtXd2j8eYWzvGkgqUW9toh52ZQpBvIqA9qDOuVY8uXmdJWKsIYDeCTglqZ+HILHeZtm/Ozy0A2qeCWZk/O7Wns78zAuRn14YyF8/JlmYV146rAVqx/ZL82pq7qwFcCb8AYCrzc4kEbvxILMfva+niBfzH2VpxlQ8KQV7CX/z4dRXkHySoJftAUFs6but5Sw+21t4nbKRcPNXQnrO3Mve2VSNcjBRyXifhQoupRneKRvGkJ+GYzgPTGUjCgOFlaOJ/9BYWVil03rK0jgG9bxKD2xqb+TiKJIKa0oWsD0wz9cl5xfJzA1NL9dhpScwt+TvO3ALI/HuqhcuPA1LernUKjuXwOvoeRaicnhhc79UkLJWki9mPxdezEGKfUJ4v+Dgv26CcVJ7Hy/N0Vby8RxyYKcAiqEJDA02oFWlMYGyNDizuzjgY7TJ8aV2oK9yPJtQZHjXsaML9jxrehlDmkEuc9yf1iTPOJWOuucTg0uPiTPbE3KqpBNOM1Y3nOfVMWFueY1vyhh3+m+q/CJO2P7ED/kMsM7ecdr0JzK2+AV5eAzd7oO9y9raUY0tNcZa2j8f34hJhOTG4DveYVJRrPmPLxOoDW25hY/ln2HCeXIptpgtM7lX8LplcvpTrchv9PvQASxFyHJPXcD9vb83H0Y/zwL7LmfMaOVFDkhWfSwCX6tKee2QK8QR6S3/lctmz9VLQ+Zo9ORR5C1srTbK3sg35/WMFdUq2dvX4hfxaYMrJBJBCg4GQX/vVeMD78x520OFFv3M47M/4+o7UkMNfM4UhW6/RKZsB1pTnKVhRfkzoRwC1FIJMYcj3dp+Y2t4Z9K5JTlzD52ytCTm1B5FXm+oSFthabjXAufasOaithQYHBc71sGNZg3bL9bcaF0WR16druCiKcnKhtNI/sLYCfnmIClAGr9xKKa4lzEk2L/MjlxIaChrwG9+Z3p78U3vpS2a35ohQ9jlb8ZVsp7Yu/U05r5aWF9aV/WBQy365Uk5t6SFtzaeVDwD4kQe1AIHLEI4MzFlWyd6S7kDQcwg5sB2QygIRkCUr1b0l4GwR1Jh1zOOVfsBE6iywxg3gHTo1okfDGFw7je24ojK9Y5ULDHBkco0CrNIZkwsNwEUWMqorj14n9WVibekTJmzje1tNAFd5lRhdpcN9aqVgFWBd2GeVglKAUrE2blRTTjnDyqdtnuKGa2gtM+FDa6dwRlcBoDRmApRECsfzFfUjAjzoyDKrKZ/YeYVGIYQlA2i0C3nEAHxUlm6MhXUagzEYWwtrA8h1LoBbbyPIpfrAXrEwa58DXHm7Mwa3MJ6Q4djUNheXchN7zOZcqrnAn55JhzMHgHv8NwC8wVd/DPjsxzDVOi29agnECNPskBJ7y+1erEvWlqzE5s5VlKkV6UeW7BIos8VqznyLLTC5ZFu6K1FbDeCWzqu1IRWdwda7wnJptmKL8WHBin+VbK4eQ2Y2Mbq8W0t26V/CxcD2Ura2dP4WQalae5KtXbo+hSHn16dw3Ok+uFoyD7WVeZRc6RGYwpBJMOnBdXg7HPBw7iY15M7ixf6Mb+7e4ZV5QAuHASEfdmB67DyclxhbAmq8rm0KgYWKrK9JglHE1p5cm1SQRzbj3GgXSvuYAGpvzQm3OnyuWV6ths9EqaQKMgfYuhD+xAc68+evZ6C2FjZMbSYRFKDYrgS0S7mzHChzgamwPv0eTgzw+O/OWWJet/HsGpxnGfrPwJbQ00dqYykUuVYVVR5fArly+1TmhzqxhIjEp8ccs0Gcxi8sy/aJjskSPzUstfQBO4d3RXZLfj48BLn2lOVnCdTyNgSo5VYDnKV9chsK6zJsuXatNVD7iYPbgz5j8A0MXJgkhUbvw/vHeIdBBVFCKiFHqsdAnJAFMKBJOgk9TCrpA1B6Rc7eAsAQ38kDDHQsE+Tg0uQrQLoTwbo48csF+ogp7n2TmNsglpjrSkgmt4WdMblSXXmIyv9SXXn6TG1z9jZjcMW+JEwVv9tYhsg6pswcGd2Qs6rg4zE+hhATwAshzMjDiTkAJtYXyMKMlUIeFUX5vS6ASm8lmxvBrQ7HhJDmSZvExkv2Y2D7W+PgEapEGB0Y3FZ5XLFJbrr3MX6s0xhtYOWt1RmjzRWoQ3i1Kt8vt2w8Qb9HPC3VFFZpPWOuY8z4LD/5WRhnbMnK7+G/or6Ff/x3KOCnMX+PUUorIUz6PGCVveUfyeB+Bg5a57iovN3GzxknnJCXmyN0tdU3QXx/EMfL/UvnE4sLsU8uF7YRkwvkbC7ZFt+xxfFzq7nXWlsPle38hyodJ6/N10tzA9J3FgY4ks1FHxhdIGd1gToB8n0Dth8iGHVJuxyWmAQ0J7Xkj2UEVLR8cS+wfRw4TSHEHidvcOeu8G7Y4/HcAqMGNNB0Nqoh3+FWnwAgAdJS7dVJ4COANVJLDs/CZ8f1mASjiC2k3NreNSE0i4Uga3h02qJLKshMCVn12CubgVq3AGq18rP+6KhWWbMaqHWo59a6yAzQ8y6W6VkIQyYr1bfl+zIgy/JmaSDEJzXkwGuIg6mza9A/B2B7yYC99oLj2z4A1C69tC6BWvMyP1vALPLlkuOQF5e5uBeIRq35oNIdYGGdb6Pt9RDkraB2Swhy6ZjSwypw7EsPY0nIuvRw+LoMqyqdz49bArWfOLBNgBGhnq2Dy0Gp1+jUGCKh4js01RWPk3qGlIvVVPcWCrPJQal0n/YzhjgAslxwMHvvqkB4UGSWTX7NpUleDQUHn8B2ysFFVDgWObkaFka7qFcx+blQEzdXV3bJp7kJyKrglzh7S0sJdE1kML1XcJHVJaBHYcvWuwTunPMTwFWYlJVBIcYM4FL4csVUBLdQgNIT9akiYPQ2MLGwUckZEfD5CG69D/sUAB3CqJVT0PFn85RbHJlbA8RygC6VBiRL4NYHYDtEgEvPgQP9XHUaDKxui6hKVxUTBJ7APAFbr8KfIQPSYH/3n76V3rUkwctzbjv84/gx4F9GwMI/jTlzS9/lu49ACakmsyvfyFe3MPkq3MLecgyFCHJDHi5XUpa+pXb1S2DN0vmXtFU6ttQWsblsH2d1TaHWDYCszi77XbJLlbpQwtwlX9mxde7v7sW+rnAM94Ol68t+8j7w9Q2z+JzVBaKCMwO5vItb7aOMwktAdMk4a1uqhbt6PnK2lpsUjyIj5nHqg8rZRiABOAoFlmIZ0igMmcQw3o0HvDtfYeib0LnGY78b8PnuAa+be3RwMXy4wcm3E3BluaRU/keCsyy3Nt7L4A36FIoc6tYSWzs4k9haADG3dmJrD4Zya/upXi0mpWUKQebPRAqHyBxcCU759zVQKwdSBGIJ3Go2mJLhxhljW2hnyWplgaxnip4i59mlvk+1GUencXYtzqUQledgWxWR+YurdI54+/D82qX5aL6foJC02nZu9TI/fL3wxv0/fCdodNxgXrxcvlHXcGF3GVv7UOgdt6cKRm3q6EWgtgSQpZWOi1bKq70E1K4B0CXV5BrAhThern/CdtBntN6g8zZNbmo4DJEFBUJd9V4FVrdVIzploJVDF3k7LiwFNcayPRTTGhZTGkb02SzSiK6jWe3bVo1JTVmrwBhTnm+YDAb2mN7bxOSSYjMxuZQCkt69LEXIMjBqvU5MLoCUh8vVlWmCkhSWOdAlxWWupkz3S+eQyfxcrsQ8RoZ2dJHBzACvYoBXTYAXDKwRo0ngjFkAxCoC4DCPEFSNPXgMsouMcBJ9ohxYF9dHwA8a1ni41sF2Gm1rgXaE0TZpcDTaZaCWxkoaQXSK/gTo95A1honNpedQqissTbHxGF+nY0m1Wj5H53S4Zw564/MIjT0HdPvZRUf/+K/weAPg//GvKOBPYHp3knwxORb+nUANQ526D+ytugKaHXBj5kwtZ2/7yr6eLa9ZV3pINjfk4Z6Y/sPE4E7gvTx5Csx9Ff8uWdy1c1A4t8bmSiS5Ybkot9JPYc3E+H4t9vuxyX+veHjySSQKRfMAHYCrEbjiTqvL/S1naO9xWV136ZcLt5KtL/nghUgsH9ctcmYXmPJ1t9qTRuE2m5F9mm1hf8tKzHOjPpj54eFaPGxVhLTK/UvGhaOoxA8585Nv8dV4wLvzHq43YeawtbjZn/G17h4v9AmtcqksD7GyJRVkAnsGNGOal1lwPrC1QwTIAcxOoHZ0Br0zyemU2FoSjOIhyARqKQSZmGVuxNYSs0vHz5/VPGx3CdRyIE8gVoJb2XYJ0HIwbeCLebpZP9ngin4DLqZCoHZwTRHQ0gTD6J5ZKPLawH1pf22f3M6+r7G2WyBSbXuHpfxaiXrkmzcu/1lsL/EjfecHsrWypyX8VfMdctuyYNSaw8f8ZorO/ZJQ5nhuDdSWbMuDkj/hJaC25tRRWP+ErYNNpJ+FCuV2iLnF9O62KYe2iecFH26US5OGE7id8nA5cyvF86SFiWYGAFObcbyg8lrsAIlNBaEp0pogUSuNUKaoj6HWA5rE5k4+nDG4UFFMKwBeArq5PkIOdEdvEsgl35wzuyqNU9L9x0VWlzce2+rYPgN5HOSOVouw5cjoqonRDKwkhdNOobjJ/NQHpTwUK90Tjg1tW+3htA4pUQNjhhmr6aHhtIdVHsZouBjerSpAUEcmvdGOAd0x/e70fEcm5MWfhSNgyv6WgiI1G0/GdTmioBBwYpaJGbZOwzmXTxaw57Yh6+0TsQ5ToiOhlp5977Jj/ix+NUIJIAB/BQG8/h3WFH9tS0q1x8Toxn1p1BLBLdmCSy+ul5YST3MGl6zM4NKHqynzKy59Xzuntl4zOubS5VJ7fMl+sKvrAHYfm+mQ0uF0CUPpV9wJPkzh0t1h+jvg3VvzhyX/SJifz7bLx1jzw3xbK87bMBjy/P5X7KOOwp9am/YpQlSza1cuTaBrLcSYHyPFo2a1XONggBjbUL92l/JryZHo1uG2O+N184CDPsMytrb3JgHXcO0JoElwRrVt6aXP85TC7HyDk28SqB2YcwaCs+jMmLG1B92z0j4jWsZ/10KQeZ9MDEWmWoe5kjSbWU+h5NtALX++U7hbDkyzMGTxvJZY9kWAm0KMVcr7Sh/XpFA3Dmh5rcUh5nKNC/m9n5wtea0t2ze29aH5tXJ/zab82iU0VNlWwnG1TsgwZOTLElvLbYv/ICvhtVI7YMsJ1FLHSkC2AD43l/8ptbXQXimvtnQTaw5WPgQ6p7S99lm6BgrLT9jayISSWn6rLVo/4uTbVDOWmE+qVRvOGNF7E5jUGIJslGNhyRNzS0JTNNEXBJgcA4vTe57CiYcIoEPbkzpzq2xicdOkbWRxTTyWAPWevduTmGJkc+kdzH3KGqNLxhWXQ/8noEvv9S15uilUmtkUAeagoaBNyFW1TofQZZOHLnsv2MwsdBdZjm5idEHiTGHSNpQDctAaMMbBGDcLGx5HAztq2FHDDQYYY47qoODHBoM2GJoWj12HprPY7QYcugHXXY+rZsDeDOi0RaMtjFquljA934kVp2fHAW8pj5k/Q84Qy/aT72VgmbPjMoz8OdiIl4XBOL2EanRZh+bXedhfDuA/B/wfVyHqiN5nN2JZehdeT601PaCvAb0HXhmgMxNWIUj9gLz2LdchkuHHfEns7nz/GSEHt8Tg1gAuUPdHtfWSEGLtu2xDPv/SsVuWcp2+SwcUQf5V/KAF7KH8G94DuG+Am4aBXPGkzQNjhkVbUiG55FNLfhWFZWnb1trzcn2pvN8GuxjYbgGhMsx4a3sOjH0tsbUUtsyalTAiiiSKa+SMLQEyTcCMzQKHY5YVkYGJsQWAHgZv7QFfxTI/atTwyqPrRrzeHfHSHLFXA5xXia11XqfyCLxvkrkktnZSTFYxv9ZgQABeJ98m8EXglr/cG2XRKJdq1t5k9WqHmZDW4DV6TIMHADAMXLcqz/vts0FCLrAly/mUQG0pfDgxCZiHF+cMa84M0/qWerf8+nyigELQJKgdnIEUKwnHRXAbn/uzsgVAunn7QhsfO7+2tG+eXyuXNUgY1v85/x38KdLuKEXYlnxpDeshZ2t5EyVMtfX9XfIdpbtZZ2trN7IWWoyV42S7T8ir3QpqS+O9LcD2UlD7iYPblJ6iKJLGzZxfeMdN73F4hx5NijTqgJgXG9tkObeBHZzybum7BLf8HRwAbmzLhz4NvkGrRvSqQadGtAhCVgBSuykCKvlEGyvV5H6CQpZbT2WLYsiyiiBXTWkz5BPaQgybBLsElkP0jUWjDEZvUt1cuHDcKMKyyUhfYhJ3pHSdAHCdV9ARdBnl4Q0iMHNVkJvl6HqFVDuXQG4iYjV89HdaeXSNRWMCCPUI1zkPDc5Dg9542FMD9Cw8OfxYcKPCEMN4G+2wb3Ra35kRnR5TlFZ4hvkzMAyMSoArSzIRyJUgVElgK5b82ddCn7m4l1sfgn4SFgDdNTR6zAvqyO9d2jaefjXwM/cA3uD8G4Dd70HO0NawVcnJ3LDx9B44AICZIl7pcA4R78WyxxTUy7ct7d+eg1saEfTse2m9F+fJWroofJdt94V9lxq/Vs3kj0Ln3ERweg10hzw8mR7TG8TJ9gYwNFvBpxeovS5vq8Mc3FLbsizRGjCF2C7b6cQ5a+CW++3StRZsM7BdA7QlIKrVFMqz1uZWYailvNolroyzjym81ed5tqUyP7yGbQrtpRlyEo5yLd6NB3x1PmDsTYiX7oBdN+JV94hX5hgAIHRia6f2JxaWs48GPpYBchlbS/0YIgjrozM+E2ObZpenMGTumCRb21KpoSgYNbDwW5lnbOBDHi58etb0dPL85Hp92jVQS8cRuKXnnYs71UGttBpLKwdLPAR5YEqdDiqBWprR53UUKT8rMbbuGTG2a7aErmq1zxZePEuuYc1t8DnXkmmMC/m1S2V+evypDvMygjU/xDGbXO9CGDK3LRitBmZLOkildul7nltLnV2amd4ybbDUztqgA9vzateOgVivUdkfE9R+4sCWfMIek+Jxpy06b7H3A06+xV4NcTLVxHfdlHJhoNH7aehGLCopJjuVRxGVmFOrJh2HBC6ZHw3v0JCLq5XDGW1icrXy6NQYWdspJ5dHMtHkJk3ytkCYJMaGvmEKRS6VaZMmxQEJ6BKbSyknNJFJfiEPXZ6Ul+W2VtuMqSQQG65NYcyUi6pm+blBdTjW0PVTTqmzCs4ZWKsxaIehMWgai9ZYtCaEDu+vTsAVMDqN3hoMo8F5aDD0DewYQ5adgj8b9INGf2zxvjug7UZc7Xrc7Hq82J1w055x25xxZXpcaRtycdkYiZMCGQAVE8EEdpfym/nfeM1qz5qeM2/rU7Y+vjcbfHZBel8ucrH/Nd8G/nnA/woF/IuY3mGEh19j7gqlXlM3jaNVAxx2QMfqsNOywzqA5bm2JTaXs7hTDi+vhctZ3AOWfdNajVuIc9dUlbHQBi23MLkSXPP9KHyn47ndT0vTAS9vMIuG6tmhXQN0LyPAlZLHvC1EVpi197jgr1tMP+qS39y6lL685MPl948NbLfallI+wOWgtnSMrqxP18jDXep9Ke8vsX6TkrJLTC/l174/7eHPBtop+MbisOvxun3AtT4DQBJ7ohINFIo13SOxowE06xS+lYNvAoZBOCqIRoXZUJM5Wq38KltL5X24CjIHtaE/U6mhEIo0f8aUj9tjEvoA8rDh1P8FUFuyS0Ftja3NZ+lzBoDC9qjkRMqtjc+UD3DIkfJwtYklf4bAdqtwFLD8chHbpXAUt9pEcgErzs6TnyZ7O9SQyRKaKTRauJ9svwxDJmB7gWhUqSpN6fEu7effJ7aWdwqoO32I/aVfg39KgeMlq9Sr/Rigdin0GJXzf8SYWrIsPSSpAUcAyESljHc4uRY9DOCbBD4ofxUIv6Sh0GZF22yMbNKF0OSwTgA45OX68PNExleCXCShKTZRmsKhRciyJ+GpqQZvKjHH/7+rSRl/SYyKA136K+agiZ4Dz8elPGUeuUOflPajJ5CWg1wHCXKpXb7k6xL0cvElytEdncY4GsCG+/KWAG5QQ3Zaw1kPazV8p2D0gEY7HNoeh6ZHo8N99tbgYdjhfb/D3eMep8cO9tEAg4YadRCiajxObYP+qsH50CSG9sqEKK8rM2Cvh8SIS2FFaTz8O9OniD6WgC6FMAN53vZSCDQ/Nhf/eh4+OQgIdnGCltAmvbhqzO111ob/mz8G/M03+Nse+KVSYXerxaY1WPNMVCrPk81Oqb6CW+Sv4K6wTi41TwMNLO4JI0Iudy0aiT5RnTgDkrV1iPOwsL/URmkbXZ9bz9rjVhsB1bx7z46h6YObmEd7DYCl+ySymwDuUbRXGtjEAc3VTWivBnCpmWu2lPh+yZ+u+eytYdAr9iRge2ntWm5bQpmJ/SXGdyoPUDhW8fPKx4Rz1/NrS8dljCrPfWW5sXfuCm/6axzPLVSsX6tahxfdGS+bI1o1JgB88i1CkftyCRqTBg95bi2BaGIXQxhykznaKdSHSifkbO2NORfZWv6MeuQ5SzzkOH1IsMRPQlMUHr1Um7akflwzKfrEz9sCamVeNJmc6afBD4lc8BBk68sz/xLUZjPGK39nn6yVXj5yfev54vtSOHLpu7QayOW2Pb+28NbdcgEOaGu1bjEXjZK2htvIalVrat8ntpZ3trTOt0mwunRubbqhBH6fGaitON5LVBh/GCYH+hoeToUUmw4OvQo5t3s/4KTapKDPAR+ZBZWW04BHUjJulZsEqtg7vQQk13Jhw3Xy92NoxyR/Nr2/XVJaLuXntiq8VCYRR49WhT8QYpqn9vXsvU9WAz2J2Y73QiHPUiWfmHAezcOBW02JmdqWfZCAriTINDiDwRoMTmO0Bv1ooojSlKerVAC3j32L0WqcxgbHpsPOjNg1IxplcdudcN2e8fnVEY9ji+PQ4nju0A8NhsHAjRrKKXir8fiwQ39u8VV3wN/f3eJ21+PV7hEvuke8ah/D2ML02Ol8XFESkSxVF6A0H65dwUHppX6VP9vnwNgSUGywj0ug7EGW5GmD/bL/xbeBvwv4v6SCKKI8jaskl/x2jxCW3AfFZADQTSgJVPKg3IPU0nl75B6EttG6LBOUi/hO9XB7SCZ3CegC86lyVNaXfF7tnNq6VFjecq0SwK0NSOjJkzzyfQSkzPdmVgLq96wd4stZ/xKT2wG4Xvbn1KWngN01X74kMrJgm4FtiQPjObFbrARqP0ZtWo26sjYHpFN4boXRW2BuLYVyMSeklcPJt3hrD/jyfI3zqYMaQq040zrcdie8NI9JYOrk26wPk2gG5fxONQaJseVlfjLg5SmndlJFPlOJnzQx4DK29mDORbYWQGJd0+CEtTENHHKZJ8fOI0dfKlVUe661UjvpvFKYMp/BZXlUshSRtKXQtWmCYB6CLEWiSqCW5w09Byd6sdVeJhfOogH5q3or/yfPlzBqW35tCRb2UH/62/D/U1X2f6WLXxCGXOpBbSxRWq99L92dr4LatVqzKOzfMggofX5IoLb2cy+pH5faQmH9EzaTMY75BCUUsPMKg7IYCNz6NrG4FDmUanZ7NTGxxNhGNpVKAyWAy1JNpG5CaEsnAMh9wpLoEwCchW+l+9IM2LbKprJFgSkcE9PcMfaXP5MlAUO+v2SziKONIL4EfhOQY8ANqIfKpnxdz/sfxK3ONqQenWyD49jhcWxxGmMe7djAWo1xDJ9eNTgZh8cYRXYDhZfdiJftCbftCbs483h2De6GPb48X+N7j9d497jH43EXmVyD0QOj7vDY7vHuasSbwxVeHx5xOtzhm/v3OJgeezXioM/Y6ykMqMSaT3+rU8g6PdfZ82LPbclKYcvPxR/Tq+gRGlcJ3Mrs1m0vJv8Hfwz4g/f49zzwm96IC6wBDB6aHF/7TQ+4a2A3hpJAlHfLxaO2GEGqlq1zkMtBLY94nesbPRXo8oncLX6Or9dAam2dfyeg268cV1uXTwqYJ1IzYGpEqLJtADRRWKrFVGDwnn2kMBfda5zJNzcTm1vy76gs18DuFqDLv2+MLvyoochbw5DJlkCtbKskHLXWdqkMTX6NtbzhiZXNCtRHsOe8xsm1+Gq8xtvzFezJwFjAdx5tN+Kz7hEv9CM6WPRxRtpCw6iQP9vCzkDYNDsdZt25ErIMQ+79JBhF4bAErqj2XImtPehzNqtaqlkb7p+EG1wSjMrY2ixkd6q/u8aOA1PebI2VLVmpXTlJIZ9njemlMDM+IOHPV7K1NNM+Cz+GSvWCny1bS7aGsEqzaCvtcLZWzknKbfS9BrGWbLl+Le9YPgXo/3k1z68t2VqnuqeHIcv39xpbC/GdpH/K+bXySReA6OoNrwlPfWRQK2/8Y4PaNYeMwNbKSINPzWpRKVM5HZ9NSrY+MLitH5k+w1TzFiD9CQ0LF5STAVjmkzKwqBgDx8GuUrB+2Mzs8pq1NWZ3SL4lvK9PLD+3UzaFMSeAK8OXk7hSgKglQamaydSa2n1Nx+Zsb1ZKzueTAvJ+t4TNJpYzhvCGMnMtHm34nGyDkw011QdLJY1USiVyXuE4hv/PZ9fgygzY6TCRfmUGfOPqPW7aM+6vdnh3s8dD3+GxbzEMBnY0qeJQ3zf40h9wGht8dT7g27sX+Kw74vP2AS+bxyztSathNvni2HNJDKsAwPJvovb3AdT/PzwHy8GhxnUSkwKWkQMtCfxMn9/8f/P4zff/Ovz/81+amFusNMHfnyzyWQPQ0QXcNEDfTXCKN8O3SeOwjhuHbLI7bWH//DMB3W0gF8j9Fir7UTkHyHze6nFL569dm1tt0MWfGgfCXQhVLkZl8SK4dA79cgP70Pab6TzTzRniJZ8qt8kywaUffq2NFdsuHuU9jFJpWTLn/cXgllvtle4Ky61M8TQrKkWhphDbLYApXDc4MgqJAoCj3+Gr4YD3px3Qayir4BuHq12PV+0RB5Zfm2rgwsUi9i5jHXlt3JB75GfOYPBNCtvitWt714TatcS0xjBkqltLbO1BnWdsLT0nydYCQAcbAHYUjOKq06SgnAAxdC6MVXiGtC3VSkSuNE37uG0ByuG5lh2bHHSUZtkTU1tha6kUEAe1XNVxZCWAPnkrgYjacU9pO1oN1D7FaoVoLq9fW3hDLgHW+XhhEeRKNWTeTG0MUbMaziudXwa1Nccpbe3GLphi+BBQW2rjhwhqP3Vg26ryRC9Pz2nh0UbGdVAKe28x+CGVncvYW2JY6WQVfRUwgWO4BJgBCvVVaXKUlPFpH5CHoUrWlHwZvYs52Obv5aS2zO63xObSxHBgdW0UwrIwUPlxEaRzH5v5Q+Zz+H1JIM/vb4tJhrsE+sNxZRFLWSop9FVnz+/odrhze9zbPd6NV7gb9rgbdziOHc62weg0jkNgeTttcdUMuGnPeNU+4kUTwor3eghiX67Fu/EKXw7X+O7pBt97vMHbmJPbn1r0xw4Pao8vW4e/v3+Bl4dHfO3qAT//8A4/f/cWbWtxq0+41Y/Y6yHLZV7S4uDPit8jnxgJ55WVmbmg1XOwORjsEDMnN4515zOt/jf8agA9/mce+N++iRehMGTSFLoR3+WHY54boInYRl0hpHB2OZTiQJdDJbCm+HfKv+XgtQZkqd2lCjKSze3x1NBlYO7/UDl+CeyWjllrs5T2M/9986dZk8IufVrkUwbEu9MvKB2obOsaEzgmNrebA11g/uPJZY+y+vLScoNdxNhOrCnNCKvNIFOGIddeO1xdeS2/FiiHIROb6ISDrZlh8vSz9iPw5C9hsh4G7+0eb4ZrHE8d9Dk+icbjdtfjs+aYhKP4rG4b2Vo+a8xnlvnMOPV/Ap4KJ9fh5FqcfIOj68KMrW2yUFitAqjldWvJuXRwWd1aydbyvnDRKD5gcgAG8LDoJgO18r5m25WdnqenNpdDj5dsxtTOBlV1xUw+eJLh5pyt5aV9KPy4pMj4rEyGdsiXxyXgtnJs6ZUsv/NX7gUwCgDPr6VO1N0e7+gfx7fwE51aBrW1jorvrg35tfzUGqZaEgEskeFLPwF32vNOLgHUWtx1zVEvfQq5PU8BtWtAVx5TOmcpmqD+pwDg08+plaYBbHk9pve29wCb0NTKQfsgNHXyLoJb8vEaGhpDNkQYY3kel0QENTxa5UOEVJrgDMsWUYQpgo0WE9MLIAOIKXoGJmOTKVWkpnDMJ6BtzA8O/VcYVAOTVJh9kdHdAnY1/NTnjKlWGXNN91Qzeibh+DwEV+Yvp3N8PukLTDoccjs9vxf+hFfuiFPT4qHd4b7b487uA6PruhTGTL6q0RY7HSc/YoUFOKCNLO6NOSexqJfdCV/tD3h3vcfj0OI8NKkSgFYegzV4e76Cg8KjbfFVe8DXuzt81jzghX7ErXlM+h6kvo34TNJviOnvgz/bUo43fef7uS3Vrv+UrPRKbON7uMOAACJo2YslxDrAw0z/yN/1+CP3vwTADfxf/xngfyQuLJf8I6Oho2uQ4clHM+0meNQVmqwZgVtpEuSSESCWx5RuYTuji8r61lzZ2nkQ+2rXkW1xoMvPXTPxY1XHA9xoOzGzXN+6hCz51MVNfr5hIPcKc6DLTy9tK4Uvy8uv2AXlfup5rDXbUsd207VZGDJ/TZkVpy4Fn9J5jK1dMgo35iGq/LzBG7yz1/jyfI3+1ELH/Fq1s3i1e8Tr5h5tBHBDFFbibG2aVVThJT6VQZi/jHto9DCpdMPJU17txNYS2Gp0kPjfaZuUkF/oRyYa5VJ5H4d8lp2M+kIlfloOtD3Qp1whhT4qCQPBydRULOc5tVGgqpBruxXQ1o4vAdrQ9wnUcpaClo45UQsNztZSGaWUU8tY2mcHaLmtvTBKXqkGTqLVQEJXWa/ZGpya2FrZ0Zornbb/BFTeGL9gaaKyxfQOL+TTbg1DXnhsWS9LvS7dXRnULoU5yRDkFcC6FdQugdKt+a58+4eUAdjy0CugltjaT52xNZgLJkrPkb1tVWBwnfLYe4cBCoMfcfIGp5iDO4lL6TRh2SqDQTUY1BAikBQxuD6wuYremR42gtzBl/3vxKjNJyLJH1EddfJ1Mmya5+zynM0hilDB5yzx9Lz8rNRQq2zQnNA9Wljs9YA9wuTvTll0yqFVlQl0UMoTJmDvt0+olyzPP82fXwnQSzAuBcXoeRJD/+A73NkrvHdXuLd7HF2Ho+1iOpNJgPekWxx8j1tzwm1zj1+gz+jif5LeG9y5K3xvuMV3+1v83PkGX56ucXfe4Tw0OJ47fPlwwN9tXuC6G/B6f8Q3rt7jm7v3+HntW3yzfYdX+ohr3WOvbJEpX3p2NfacR8XxSfKSSOenZg/VPR2AW/a23sImIvvuf8E/AeBXAOjxhf8ZfO/bmEQQb+LFrzFhlBuEWjz8mE4c1wVhKd0BzQ1grqYQZZ65yQvOzHNl58BVhh6jcA4WlmsBPjVGF4AAvPx5LgHYNWGqLUvpq7demxsftEjj16n5cWA+SUK/GqfzOSdfGgsIkIsuAt14jSt2rzQRvvajyvUNdhljy9YNpvDkH4RdWueWh6hwhd8p12Y76KbapilfJgLRk2/xzl7h7ekK/mSgLOA6j3Y34rPdEa/MEVQygV64rbIpJ6hk3FGFa08iReTkCdQebZfyanqXz5w2ymEX69be6lMQdFAD9soGpct0b3leLVelbOOxU+F1EowKDqgXz0Uyrrx0xJT3JZna8gw12SXlfPjxS4C2JF5CSo2Uv5TVJESsVcsLzHuTcms9+1tTF/xdfbK2hLbW8muF1cKRL52DXLzG5oqvIohpSVdJ3iOfzCx8XFM+TfZgCZttya2V1/CbBDNqM7W1/Vvb2pBXu2a147fKQteA8MbZBPka/pjh899vS76XJn4xAdlF/QogMq+BwQ3v3+nGQ811k73Xex8BgtvBqQHQgPUOexUmPU06N1irAO1jffQFkKLTcmJ+Qz6wRlB2FjXbRehyuO88RxPADPRmYcMxhNt5hV41GFSYKG7ViM4HJpFYxS5GVpHGRCv8WfZ7RGY3TeheMNlJgM4wv6/hE+sNABB+T7NJAg0/mzQgfx2ep8M+iohdqx63/hF3+goPbodT0+LoOgyuyVKZ9npIKsc8j3mPAV2cELg1J7xoHvFZd8S74Qrv+33K7dXKw2gHB4W7YZ+e3eAbPDQ7vDIPuNUnXKs+Pd8UTVAUgJyekaaIALg0hulgQ363YPWfgxGoKwG/Bg1GXKFJWyRry9dpP1kH4FsgUPLldz1+/b3CX/gPAPyulU7x9+mN2A5k6lENQtRSh6CeTFcmGNSy76VXsQSzfNua0V2vmQTRkw+2CfQaxuoCpwWgW/KVSzm3paXcNuAykSrZ1trd8zbWRCXlLyP3dWydg1wqedSJ7fzaXbhPyv+9ivuI3eWXfyK4vUgVmb8qJINr4bMw4g8xXubHxWvxWdF6LuXUV2Ca2Vu8ViUMmedoyHAhspPr8NVwwN1pB9VrKA/41mO/G/BFd4/bqIjc+5ClqqPacavGxIZS/yRbS2IPiRWNDv0U82qPrsPRBWDbW4PehtlKE0PNdmbEVQxBvtZnvNAnXKsh5EhV8or5vfPyPuk5YArzTnVrI1tLA4oU4gWbWNsZEKXnqBzgASvmwtfCuraWaAjry0IUHNRSbi2dk1QtnQkhyALUWqZAHe79GYPa0rvrY7WF5dfvRvg0a2OeXyuzb5bya/v6xbd0kBmFIY+skH3tU6ptLq30U5QwXbnET8lpYWHflqf+RFArb3oL2Cw9pNpMQAkIb7zOEqB9DmwtwPxxBeDSJOTs+LiuiXnFCKeA3o84i/zbE9ogVhijhajUzt4NMQJoxEGNAeAqoFMEOMKYwAIYPAtVTiBtAmCtiuyzUjwQFQ4OvfcYPCK7rBOb62KfsvzdQqgqZ3lPPgR18tq00vdreLR6BNXY3ekBXQS6oWZrGfRS7nHLBBYn4In0u0x3F7d58Z3SldixpjBZWoNt6drsumEb/TWMsP4x/i7huQbGPvy+R7fL8q7T9eLYhZ7DdTOBURvbuHN7fGlv8J3hFb4zvMB3+xt81R9wHDu8OR/w5nzAf2le4aY943X3gK93d/h6+x5fb97jtbnHC3XGQY/pGdaeDQDsydeyn6+U791vzFD9YduysjBXSpagqMNU9kWu80+4gv/67wTwr0D5fwP+f/iO8O6cvb0RH87gdmzJxHiJwW1vgN1V8InE4NJlPkM5i7P24RAJhf0Q+zmcemr1GSRWF0Bkdvm1t4cz8221kOTStjUgW2N4t1qpnzwUTQ5yOJPbo5yQvdb+2rgkfjdxeSWWAKb7Pqze4UWM7Zb6tSQgdWkYclZGhp1ro1MEtof28PzakiVWVIbtcFGCNDSYnCYH1RYKdy7k1z6eW6g+XM+3Hi+vTviivcetPqV203VZDi0X0yiKVXmuOmzSYOPodomt7WMoMsnhGxVyZrrI1t6YE8trcejYdUphyARqKS+J+h1+i5hbGwcXGYtN57N8JspfKpWiWJtRrYlo1EyqKtK5BGipTamsKGvqERNAbOwEaE0q6cNB7ZTT/IxBbc2eAm7ZOTVw8JRXMT93ji1L7mkJNvYAfhXQ/Z2yDyq9p6+x+H6+JAwZhW1LnLPsOdllbC1QnyKAOHbNARXisEs39VRQW7vhkh+95BoFUCv/Rul77Sl9ikaeisQda1by3xN7iwjMHCxy1N/DADFtw0JNyeQOsJrApMUeFi6yjGQmtj94hIsU3HLySN4DDNxqBKCMNMlqU87rEPNMCcRq6BQFld7vUZ2ZWN69H3By7VTeTZFIlcr8UWB1HTQUzq6FUwpWBWFEo/xMmIqXRQpLNwsN5oJb8jfI0qsqx4Q25s9O2pK3TM9VqRjGTs91nNa1S6rZJ99WKxVYKOwjg72Hx17Z+AmlBA/6jFtzwpv2Gm+HKzyMO4xeh99POYze4Gg7vNNXiURwWqPHGddqzNKfOKsvn1f2fBhjrr1KNZ2fixEgKwM8DY0GDi10xs4SKKEjbwqt8Xf3XwVwD9i3+PO9wj/9bwH4PZiQ51oH+SVuxP4FBrfkobcpHk/Hbqn0Qncrn0DFYy0abyf/bSyAp+bsluoQXwpsaV2W6OHLJePn0Ef+nUgATeeUfgW+H4V13qZkpZeelbwfWv/IwJaMs7dWOKOtxtV1ySTj6yrrS0azfDIHY7qGvzgMmWZ+ndepZt7gGzy4Hb46H9CfWpgx5NdiZ/Fq/4gvmjvsY8F4uj4xmRzE1tnHKW+IQqF7bzLG9tG2OI1tUjqkEj+dtrgyw5Rbq3oc9BDzWYh5nfJU+LMBJgErrYJjtjTyAdDHWXMaEMzY2jijz0FtBtp97IECrBCbWlOGnI6Tfyc5Oxue6xzQFtcZqB1YzuzgTWRmeQhyWEpQS6bUZX9bPzSr4b4lNCUBRK3daGtlfvj3Gpwqg1h2DYxYVkSuuckOwJ+fX7hka50xYuRTAADsT0lEQVTp8jDkpU9Ja3DJlh7zxNauzYoudHwRvK79Al09r1Z2dg3Q0nEyQar0M8p2LwC1S4CWb+Pg9lM2AwXLBv8EbuF9xtoCk18EYrQVe3Xl7G0AKL3XOGAoMnkn3+LBhadDIaqk33DQAZgclE0MrgHQqTBWGOBhI1PYk+/zE/BrMeXtagAtFFoV7jOwyg6DdxiUigJR0/semIfnkhGLlyKNEH0pyyseWAm9FK0DhWO814kRnkfpUIUDEqEiH8hZXgrfDd/Hmcq0jr8LeT3uHbekfNUmNdJ2RWHG9JtHdl0BB29hYXH2PXqvcfYGMs85aYU4jUEZDGrAtRpw0CMOyuNr2qFtemi8hcMbnLzFO+fxpdvhu/YW3x1f4LvjLb4arnFvd3g7HvB2PODv6s9wY8543TzgdXOP1+Yen5t7vNLn7O+I7qWU25yeU3yOe+2Lz/FTNS62VLdwxKSULN/R98gZ2/vKNsA3fwjAX4DyfwD+X/xrOXKjztxgO3vLGdwIbnU3MbhXLXCzDxPARzEJzMOTt77Oa5zhVt/K1ZjpPG5L3/NrTSBX9mUOeoGyz0Vl2xIzWztvC8CVd8evtzQGKI0hZLtyCkMeu9TvUj9Kx36tfFvMLij3E5bcIdYEpUpsLXfC0krwhashU/jrYv8wBduU6tdKgMVzUiRryRlUF5UGZ4rI3uDdeMC7fg9/jvm1rUe7H/G13T0+b+6xVzaUw/EM+MWQY14uIMyChzBimi2maxNjm0CtZ6A21qwjBlEbG0SjzBhVkANbG/JrJ5hIjDa/71reqossNYX5DJjYWsp14vdG4JYrTYJdlz/j0P5c7CEcO4UVz/s0HSvBLD+3VCNwDdRmgxoRgpxq1rIcXJpM0DQR8ByALdnGYtdFWwIpzGqg9lLQUJtLnDrDl6UOCk609g5fu7DchjwMWfaq5LxLPZN3UrsL2r/O1kIsf0ghyGs3Io9dA7VLMwUbQG0tioCD2qU/hx8Vs37y5TRRzdnbLqaJhPQMG/JqowUfFfJaSQn/we1gtcpmvUsMLl3DeR8nNwmwhEgeHbcTewsxZjAIQAzpuJDDyd0z9zmyNFELhyHW9O20RedtYHIjuCUgVyoFl0rz+SkFhfJ8B29glMOAJoLcBq2yMXfXZkJVHOhOk8CB/TR+ypclkEb3xIFaCehyEa/yb+6LlSzCbxImRHYpbDk+epqc9+EvZMba0+F6BOBwjZhfDY29AqAtNM4sSi6MC3bjAfd2l3y28won1+LB7VIuLwBY3eMaIxy7/9l9x/FJNtbwCH9PlXM+NeO4ssdyvq1DA53eULSHPpKxLW27AfDvALgHHr+F8a1C878B8MdQRnDS+IuRKsXQOpAD4/hdx3XVAIcd0JnJL3K+me6dLlN6ncu83ZUhSHY7HMjSdUoAt6ucJ42uX+ovhTQrjNARajmMcNkZWwBujZmVv39pvWalH7rDnFGVwiK8D/zc2h8O/8vm32vr8p5L97VuFzO25BAvqSVLRowsn2VevpbP8oSsV8V8k5LV8mtTyE2hHRmSRDVdrSexIZ1Y2ME3eGevcH8O+bXwIfTi+qrHN3bv8UofYeBxYoxmx4CerOOW930CZAQgw8xyJwqxtwF82WlU3Shia0Mo0LXqY2hPyFsZPMDrz5aeD3+GRnkMMYQolPcps7Xp2aY84ql8At3L7HnTfYrQ4JpJWf+qOIi4XhHgLoDakQFa56lW7VwoioNao10S7XpWtjZV+QQrgQj+KlyqrrqGM7kFxpYG3BIZ1VB73L92If4cFnCea7eFIZfY2iVXULMeJba2lB+zgsYzuwTUbrDaDZeO+1BQW2rviaCW7LkA29pEMTCpJU9M7jxn0XkWeYUJ6JqY89oqh713OGDE4PvI3jY46QBATr5NYMRCw9gwuUl5mAcVtB0OesC1GrGLzJtGAKekoky5nhRFRLfVKZdYTP6X1yIwzBO4Jd8RWVlMkVkuCmS1COJUYeKRp+M8JgXnWg4vqTBLZWZaT6xmVBY+ui75E+mfSJE5hCo7tJrydG0SapL5vPR9r+pqzTw/WUfwCkwg14rvU/6tyhhcClHeKYfOO/RepxDlB7dDT7nXrk1pPzShvdch7/paRcFK5XCrPa61wis94pc0X+HUfYmjB+5ciy/dAW/tNb60N0mh+XvDLb433Ia/H93j1jzilTniVj/ilX7M8rlbNf3tOvj0O/Yxz1bHe+2egU/m2HAt37bFAR0aNGgZwC19iG59I7Y9pO/+8FM4waL1/wP4P/Tv56cTniBh3K/i6W8wsbSvkbO63B1xPMIY3KYD2mtg1wQlZWfCxPDa5O/S3OX9ynEQyxJEqjG48ljpF0rn5NckVheQObu0lMrMAFCuTV/7vjW0t2RLI47S9ZbyhUtty/bliK/U10vvIbcnhSJzoxfjJcJRJfb2KcJTEgLJ+rVT2yw8SbG8l5TnOgfBjoEuqqMXrhlekiff4m7c48jzazuX8msP+hzAYASBXHKeQC2v+xrUgsMwhINf6hs50aPr8Og6nGyL8xjUBwnwN8qhMxZXOsj0X+szDvoclY2Z8BMmJhiYQo9LNvgQ4szDuCRbG/rv0mxsSXhquneV7svx5VrOrQg35gOGEpiVvyP/zkEtsa88DJlUkKcSPxPDTUbMrAS1S4rNn6x9THBbOLf2GpPHlF5bNajVZMkJEvlAfOefG+D6P66PBUqAtsX8nR73u8jWLjnd2gfYJiYl7/JpbC23teOXYF23ztbKTi99ngpqS+0vbJNhxiXjbC2N056jreXa8hDl0gR19j0ByPy9ZlVQS3ZxaZNvMLAqRtHwC2kgKC/7BG6JJeQMLIn/aHj0XifmGAzETfeJKDKZv/cz1X0V1ImN8oCnkOuc3QxEcwjDHpTDLoY47/2IXmnsI8jdR59NObsnF0KztQ9+/gwP4x3ggAEGGiT+OE2Ojph8rlYexoVlqyxa3U0A19kM0O79kECuDGXulIsK1PPfsuaN0u+emHHO2ufsrYuw2GoNOKTf/UQii87EGrZhXDDomI+tT4AbcKtdKDWlNA7KwHgHjQFaPbCxWfCdR7uDi2OTk2+g3Q7xL41Vkgjs8NqQ8UPKLv2gjb+y6M1bA2n0Nl9mbulDtW/BjhnY/t+HPX438N1vAT+lgJ8G8OfY4Sisc5NugpD5ystTI4Bc1wLYByByw/xoCdzXcnIl61tjfLlxcNux82RtXFS+rx2zBMHkdcMyltKKDC+AyPKSMjP/y6gBWM5yyuP4dmlLA8AlsCnzhbe2XzPex9L60j3k9mRgK53MpcbBbQnUcjXk4vk0u4xcbZBMvswk4JgEkRQ7Z2IxCfROCosqMK4qCFY8uB3e9lc4n1uoMXqUncPr/RFfNO+xVzbm9eShyAATMWJgOYDfed+5suM55teebYPehtq1g9PwXkFrB6MdrsyAKxPFG/RjKO/DRBdoVpoAdxa2hWmQQIDawKdnRLlJRSVk+MhIl8HdlO+sE7gsKU0v2ZLCMT3XS9pyUBicSW1SXu3gTASyeYgzEPNoPVtXHo12IFGMZxWKvGQlAFLyEPKcaKU8xRqEeqqF/Nra3OwC6pomrMt6SiVwW8GPFJFXe1SlXoEdt8X4eZfn1q5Z7UHU2t9gS/VnPxao3Qislb0c1JbmMJ6jzfwzMVw+B0AEciZ9ilxdd6p/a3HwFgMGvNJnnLzBg++C5oPfBRbXxTrrtsVbe4CJTN5Bn3Gtz7jVp6R+e1A+qShDURqRi8rFxL7pjH0r5aPumTrvgBAqnCZu4z3R5G1NwRh0zz4wux0crFI4YALb4dlMzDDX8Eg5qIWau0msiuXv8okA+hzHLgHg8LsQ4PQpf1crj52e8nd3Omd0w/Y+E7WSaUH0HCjkuY2gmHKbWyjstM4i7JwfYTHg5D3OHvG3b3B0u/g30CXm+ufGF/g5vACATFH6oM6R0R2wUxbXasRt8x6/sHmf8npPvsGD7/Dgdji6XWLL39gbvLWHCeirSZWbShimHG2Vq3CX0pk+NSsBumVsGDhboDSIX/INvMLsdIz/+v8b/y48fpv/7fB/5ienZqhzTP0YPYIPpfTdWg4unyGsuChicdEBbRtYXN9MglNLr/iar5Wglx+HhbbkOge6Embx5dJ6bZscC+XHpviK+P1cvO5UlgiYi1cB878D6cdLo7Mtd1O7i7V26ftDYf9aPvFlI8UPZmylLSkia0UApAxoeZkfbpP4Uj2EmYcr12boamHIU6jpvGUeHsuZzaPr8H7Yw54NGhs0kcx+xOe7B7wyx5DLg6nWnlEua5McYe1+CLhRCFQfZ4jProlhyJGtLYhG3UYl5GsVCqBnbC0TzwjPxKZnU7pnl/UpMpuCYSW2lp6PZGtlaZ2etSHbojymkIesQx1E4ZhkGHcN0KacKGFpkFIAyjaytrRMoiRcdIz+DgnYxgFH6Mun70Q3vXk/4PwlUFv6vgTLaq/msmgULSXCuaB+Le9UDSfGdR6GLK3mfPk+uS7Pl3fRo8bWorBOtvZkUWhjwYlsya2t3cCWG/1QUMs+BGq3hCAvPZ3naCXWthSWTLZW8cDED4lMkUIxhak6pwNTqyj6ZfJ9Aew1U/mY2BGjhxhFpWCgUvskfpWXx8lZWMBH0amYHgWfcnedmKAFAOsNXJrgDbm2UA7OTyAZ7NnodDFktXhb1ibl9ga/NiT/mAFcmBnYJWXmk29wdi2MdzjFZYChYcKVIoV4CpaGR6MDkNvpATs9YqfHGcjl+by8/F4SdfSBJQ5LF9WwAzCEAlpP0XgaKS8aDq3y2HuHnbdofVSA9nFc5JBNgjuvcUaLk2qx9wN6HZ6H1Se8wDkqTHvsARyUwwCHkx+xd2PKs6XJkjjCCOuKRQPoSSiMj+vS78fyuD91k+Cp9J1vb0CAhockc86Rf4bCtmt29d+Cfwb3+G3/0beA3/mTwM8C+I9ZU9SJUqdrxuOqCeQuGL17HN2fATqTg33C1T1bX1JXBlsvMbL8uA7Lt0NtdWIp9y995/dRM9luDVBPwlWAirEgc4VmaqH0kX9hsldrI5XSCE+OK3qxv/Sd96WUW1vrX90+GNjyMGS9oNzH9z2lHBBZLWQWWFZOXjoPmDO8qcQPB3AgZWCDo93hvt8BsX6tbT2u9gO+2N3jhT7BKI+jm8AbSdrz0kGUn7LUJwKDgzc4ewZqY9kZ7xUQC6F3ZsSVDiV+aDbTJGeOlCNFuUPErMpnU8r9lUwrWRKLEnV45T1wME8seM0kuM37kA9YOGublUqI/eDg1rHfkwtA8RBkCYQnQajwqnD875ixtFRz+NkUhv8Q4Sig7EGwnF9LoFRuf4ot59fKTvLvWEYxpanV0mQntqshl5ysfPxbHOqcrSXbMgtbsiVgLG98o5XqFpU+pQiA7zOo3VJ+qvJTf5JW06ygN3ASGCr4WtJ5Cu3MgW76XnhNU47rTjlcw+HW5wzu0QX29sGF9cE3uLd73Ns9vjveTurJug+5k+aYlJT3CmiVSvmTgw+BsDwPd/DT//wQgjtNpprI3u1iuRfSkuB+NPzpBXBH6UnGT8CR21LZQDKaLNdQaJP/62e+SooYLrG8J9+lKK1U7i+ucz2IwRq8H6/Y70p+z6d8XmJ6CdhSrV5icalW75Tf20/srxpSKZ/AhgKdUtgrhb0CXusRDiOsv09MO7G5lItLytPOa7y113hrr9NYgatF0zVb5fC5esTX9DH9BjQpX9Lh6BE0Tgbomcp0q3yaiP6UjTisHnloLQd18jugcYUGI/ZMKRmYe1n5Vqt97mH/4ff4tfD4K/63w3c/mYPRko+kdzN1mgAsMblSVbljx6wwuK4FTAN0LA93yafy9UsqwNVcS61t/ghKTLB8RKVHVvP3peGHNOnpwzmc5T3PrgfM83i3pzPVjI9iHsS+2khvaX1ton37OORiYEvhPzVlvpKVAK8Et/IYXr92qQ8lk6wZf9nTLDMw5eNm4bcMbNIsITGHxEw6tHhnr3B37qCG8FL1rcfNPkjWH3QIHRjijG1+X3OWEqgDbxsZTgpDprq157EJZWc80MT8zn0MQyYBhzaKb1iPVKanxxQK1QF5DQxwIDpnsHk+LIUhcyVkeSwts3IBbEn3x58BV2nOhLwywSgGVDfmz8jwbs7W0uzyVAtX/v3QveXazZoxtwSOx+cCbIHt04sfYGtw65JXKu1fz6+tubXXwN/7q8AvL1yw1vmFCF2uhlxyJDWMVjpOboPY1gMp7Cjv4JJDqB0rz6kBY3G+LbiLpdFA6XsJ1K618URQS7YUglyD8mt/Gp+SSc0KntoK5OwteSNZDqjE4gKoikV2Ike1VYHBCyyendJuoDHY+M53DRwUjtjhqHc46jMGE6J3nD5C63NkF0M+ZuhvKBHk4FM+7eydH1lcAjPE3k25tlP0kWRwbVQiJjb3klQS6fNkiSEoYEnskkKcOWjj9eqppCCBw3Ms83dyLbT3OLsmCR26KHZI7ebsZQDvrbZZWHOjXRKuCjm+IXc3ML89rnWPve5j5NcQRMBinvReKbQqhCtr6MToWnicvcOtP+PBDbhTLe7cHnDA0e8SQLdxsp9CqvdqwK1+xLU+o41jl72alJCpvM+Qos509rdAomNOqal81Mo48VMzyVXx9bawL2zXBaVkaq0GEOqm8d/FX8Y91P/+Z4Ff+ZOT1tS34wHUCVrndi/2lRweAdxSfSNqW4Dc8Sr8jg1Q/TE7zJ9Pi9B9wt01lwF2fFfYvrZeq7HL+8O3ldZrdgnQXdvG83gpvNnBwGKPshgl/0GWela6E37OA8p/NKVRYWWwVb2rsn20UOQltpZMzjBvOdchl3OvwYaacNR07QUHg6n0zrxdFiaLoPp4si0exh1OfQs1hHAk3zq83J3wWfOAvbKhFALMDMBywSSNJY55AsFTjm1gbM+2iaGysV/KozVTGPIh1hRsE0APs5mnGM48wbMpDJkzjlTioNSfKXx66jvV8CuBWyqZwGeml8SillSU+Qw4D20Oz8DNWNtwTg6OHSYhKB6CTGxtLZS4NuDhoLZ3Dc6lwf9zsg8Bt/FcGYpce33VjM/P1VzylF9LFy6tF+znI+QAlUBrqSMVpOPa8pVL2szSiV6aW8vvZj7LuqZQuHaDtaVsv9Ap+ZhrbO2SbQG1S7MDC1YKQ16aMCGXTiTDpw5s+eTwZvYWAYwmVVywkF/26svq3orcWxfboPOprYPyaDHi2oy41T1O/iExuO/dPjG5Z9fCQuGdPeDO7fHt8WUANjHS6JU+RlXdoIC7V0gMYcjBdQnkWD+9zwdMoDb0LTC4e2XjpPWYgKRkU8m2pJKQL+B6HOn85B9zDQ8ONFOuq8pBsE33c059JB/KFZpL4c1Tzu6Ux8u35yJWYX2wBo8FFoSzvUnYKn4o5DmwuX2W8yrLF9HnVp+wVwNe6FMC7YnJdS2O4y4bbxDwpmt0oh4w1QkOSzux7iIkOYwJY3moT9w4SJKMLS8RC8zZ3OuQaQ6ABvQ10MFboe/yXR/Wv/VbAfUPe+BLAP/JvwR/86/PX4rStZBjI9BKnazVxeUYqoNM+02fJuKrGoNLdyknivm2a5T98Zb51TVWdgn8bjl3abm0XvoubWl6O5hFH9nWHlPebpnRxezsupXupNYruV2OAMs9X7KLRuFcsImrIW8JQS4JRG0BwykvSAhGrM3CceYv9b+QX5uFBxUYysl5BVBrfSha/na4Qk/CUQpQO4eXu0e8Mg9o4SaghGnmObUpWMoJGE4iGKkP0TGdYpmf3obwo9EaeK9gtEerHTo9RtGofhaG3Hsdw5DbkOPiNbrI1PLnI5+FBN+y1qxhYNZgHoLM6wBKUCsHFMsh5jqC46mmYAK3fqr/y8FtXrZJJfA6RHGoqV7tlMeUr5MwFuVuqQRiuY1umi0/2waPw3OXnMH8DV8qrbJiW14/lwIHcr15fm3JXch97Jil/Fo5Blj4uKZc5qeEvUrrS6/9Enari0ahsCQr/S3Kc5eKL/FzKrY0OpDf10YW8viS+nHpOPap5dVunbtYmkz5FE1GPpXYW2DO4AI5OLXi2CUGF4CoGzuNCToV2t0pi72Pnwh83qqJyb23+yy0ttUW72xIo3kwO7wyD/hcPwCMxTVQIUw5srikpMxL+4V3vU+TujRmaBG0O5KoEEh9eQ5y19KWku4CA7izCdUCwOU1delZc/GqHaaw2UzbwjMNkSwkV6Fn/vXk2xjG3LI83jZFe9HkeBgDIIZma4xRLJH83jziLbC8VHmh1RZdzO096B4Hc07jjltNaVBTaHGHoNxs1YjWhw8A9DaMD46uCx/bZQA3KERP17jVUTtEn7GHwl4N0IVnTzWRLf2Wn34kMiJ2Szxrz7bRuqxty88DNHTKtwU7k9Y5Tcrji8uJr78Q/wj8XwuoVP3GvwUQsF0zqbbEiT/pA27Y8oadz89lH2JwXRvq4eom5OFS1JS8FH8C/LlxuLTku/n3a/BnvQ3oyu/EHteAMNi2rrKdzK0ioGAnADpOXfLnwn0b18wOQDcwuj0Ai50AuTeVVmo9XfouB1xynf8B8Nq667YZ2HKVxLRtYxjorC3hfKV97IIp9TBfYu4KolGzXMsJxD24He6HHWzPhKM6i8+6I17oE4CgPkzlfHhYFl/W+hfAbQzjik7rHEOQQ+1aDetCTVWlghry3oyp7huFIYdrEVs7hTcBgGVPmbORk9Mn8JkrOkvjYcgEkrkCcg3UcqZ1yYKqIa8lq9NMNA0enA+lFRLIZe3y8j4S1JJDl0Id/O+BRwBwh0/row+5zoMzOI8hRPxZ2SWAdenYuG8JUEhuUa7L82r4E0Alv5aWNSRVaFx2ogZuCykjY8W31HqyBmqXQO6yaJS8Cfm99BSXnnDhiddEo8i2MKtLEySln63UVu36BSuJmJGVXOfa39ynals0K2R4MjAPUbbi2CWRKaqBaxF+qlAjPY+oCnVWQ87ktRpxq094MPMc3JCHG97JX43XuLd7fEe9DMr+kcW91Y8BNIk6pqTWTOBvCjWOqv6xTi4HlBqTci4AWDWdE+6RTSwvjHEyTQe2vhh+nNojscFpTCWrO0jhRuqjjsykU0EEyyobxato7EF15qeygrIOL/nmXjC8KQ85+koLjdHpuDTp2TzaMNH+FlcR8NrE7pKYFZUuIkErDZcm1Ok5XeszDIIQ1kH3KdT67Bo82B3ej/vMHwc210UBLTtTiOaiWV1imkf80uov8mkYf521bBtnb1HZPlXXCW+skG+bw5W8Bs8SoOCfAIa/9X8F1J/2oYn/8W+Hv/nJec4snV5y8rwLvMNfYWJpSzm4pZlGBnDRzVncTqQG1QAoB7kScNaA5xpY3XLd0raSQsja+SQaVbomB70eDWyEeY9xGy2nskLT/0kJ3A3OUBgxlR46oixMxc+WJrf3Yrt05qW/z7Vr5HbRKJzn1tKrRrKuJQf7FADMX/J8drPE1m5RROb1a0P7ufMqnSeZ1ZBfG2YY3/V7+LMGXMiv3e8HvGofU35tD53Y0YwVLagJh/bzUF5iJfso+HR0HR5tG4BZZGvpvtqohnxjzikMme41sbVxBrf3Jobw5GB9KmGQM6ql2WjKQc7Z5nnfudgUOdZSXVkZRszVk3mphJNvisAWoBA0l4Fcrn4sRTdkbhIHtE4McLg6Mp8IoRq3BGpPY4PT8MyA7aVWQ1/Mtqgic9siUkzWwGFZEXkl0HcFv82Ok+/tuL5U5kduhziG93jJ5thNPqFSLHXpe6kNOp8fI89dmSHdMgoogdDSvhJQXfJ3hbZKbO1WuF8ZQ33StjZBLO1Dwa08l39PaTHIJ8GpVBCUxS0sbv2Akz7h6Fq8d3vcuSu8tRbv7CGUvImsnfMKjQ6lgm7MCa9NqDbwubnHK/2IWz3gEIWmgBBu2nuPwXsMmN7fExvrQ01c1r+pHqhPx0hwLG0mUlgIK5YVAUqWjz+WU3BkX3ioNQDsY1RR6E9unOmt5fRKtpdq9Mq83rMKE+w0yT44g9HrGLU0jUeopvvOjCmS7CayusTuklhVqyy0dmi9TXVqrdc4I6T1PNgOx7ELkWpxApqu06RJ/QFdTMW6MgOudD9Ti34OVhruE8vG9/FXrAS+TSYmxWWJwY7mzC0HvHy9S+f+Qvxj8L81sLcv/oWfBdqflIh6mbzjN0HH8a7cYCofRAC3xwRuL2RxnQnAZjTTpWUXSq6L59iickxtXXrSJaBbW9bA7tq15/dls5BiAGlZmnHQCeCOOGHMGN5gS+rL/IchWwKh/I+g5PBL27eOJCd78ih8LQT5qVZz1EbJ78EhkyN+CstLL/lafi0w5WgaFfNrXYt7u8dDH4SjlAdc63HY9XjdPGCvwp8kga/83ubhtxwYcpYRIEAWSgL0rsFpbKNoVHDYRrvg/M2I6+aMgzmn8B8Sz+BsLYk2QJXVVIgR5TmwUrU5d+pU3qdUtzY6TpYPRCxu3l4eRkz9KIHawTXgIcTSSPkx6weBTwZsqVYtB7QSzIZ+lIBtAMzkzGmiobcG56HBMDwXqQpmW1DWBlOScoi29ZVXszLQWHMN8nMD5f9P8K9/ybZJRqAclxqdaK3MD796Tfi3do7sOdkUhsxtDdAu5aeUHsCC81hia2uIXt5cKdm4ZLI9FNY3/L2WBKOWQG1NvPNTNwK3Mt9W+tGt/rFUFz4vgbPclkMOcuft+1CCTnvs1YgX+oRX5gEPboc7dxXrl3aZGvDRhrzcN/Ya39YvU8griQ1RXdQuig3tmRKuBOW8f6U+EqMb7nsOUPVKDm4p+orbFqC7ZvPyd+vnSu2RNoZ3h3q9I25xyrQrSorNVKeWlysaXIOzb+bpPSIi69G2qbLDUe2SUFWrxpTTu1cD2sbixpzCsd0EqgNDHCb3+1gRgqKljmOH4wi8xVUC1lSGr9EOzUpU2KdgW4Fr6bWYY0yplCzBba2F2rYOk+Jth/8cgOp/DsA1YA+A+e3w3/zJCa/wPNw1vEOXIAXlPl6KvneFJZ+BZNsSi4vonyPIBUK4MhDY3LXRAv8u+cQtIJOWHwPo8vaJGS7tK22bSgGd0zauigxgNqYI35uYljImZheY2F1+/kQwjBHg0h3XxhZLk+6XjJLWbTOwLbG1QF0QqtxG4DzpvJnzrYRT8RngLbCBZlVpWQ1FLjC1pfI7UbcRQKjJ9268wmPfQvUqKSJfdz1emiO6mF87+MAtESBO9yhCe0vAkJfHIUBKL/TBaTgXXK9SPgDbZsjyaykMmUojcLYWCCFcdN2S4+XPhJhq6jPvfw2UT6UVmqRATKB2NguudAK34fo69jsHtWmg48rAVquQSyNFngiUEqC1XmVs7VTmpy4iksKgwUSnXGB6M1A7GthafOqnZB+j1E9pndnHAAUlcBHK/NQYW1ovfX8Nr37JXDiKLiRPK8wO0/Fbyvxw40C31uuS0XnlMOSlwkk1ACvZ2oWbpP1rSshr39fQ/9qDK62XrlmwJcguQe3Sk/hUjfxpCdxye+qwvqaaLJlf6UNr7KKO57bK46AsYiEfDP4xlYi5iyzul+NNEJeye9zbHc6uSROgrbK4ac54aR7xurnHa3MfmdwzDspGVeWJybXeY8CUq0rsZal/fAKdv8lb+KgQLTUwFvRFxHfSCik9s0tsLVS66Buj0XgoiSyp6d6BOYEATM+tTyk9UYjST6V8HpgwGOXMnlwb0nS8wehbnB3wqNqkyLyP4cfhc05CVC2beKcx0J3d486FklHvxiu8G65wN+wwug5n2zDtkVACkTO76hmU+yn5BB6SLPdzkSm5XAe3pTDlWk/4FR/wDfxj8GqKKf6j+FsTg0vNSha3NolcujF68ZKQLieX5bJH8aUtQa6i8tlNDnJ5F5ZcmQxXXjqvdltrQLe0beuyNq6Yu1ebLRVGIRQ19XB6v4fWOKsLTEDXpCUB3hPmwlP8zoF171p7Op3YVrcnMbbE1soQY3KqBFj5fr3Aii5eqwBqZZmhksjFvM8ij5QzcAXhKICBUAZOT77F3bDH+dRCR+EotA4vuxNuzQla+RTmU7r2dF+xmBCrt8ptUkJuUz7L2TYYrUl91wpJDXkCtTZdj5SQB4QQI57bS2wrF8CYCVtx4S1a99N3Asfz2rWsdmBaj+yo6EMQepjKFBBbPKSwqKnU0Tkythxo8vByqimbfj92HAFanlM7MqaWji/ZEqgdnEY/Rqc6ajj78aMYfiC2fTJsOr5wzlbRntq+EmxDcVvtNV7rYF/HcrVOyM6w49fmL2qYbQnUlnq/LhpVcxhbwG3t2A1KyCW0XvsJStR1zZ4gVIY+D0OuhSIvgdoSW/scZOBq4JZPHJdCkIFJPOpp12WgV/jWUo5p8AGIwn5TG2StcrjGCKMfQ2kZdcYrc8SD63DnrqK40JSLOziDN/4aR9fhjb7B34v5uLf6ES90qAwQ8nFtBNPBXwbzcMoX2dzBy1Dj+X2Tzwmh2gLoMgGqpQmFSwFuLdSZ/kYzgM1WJVMrRbYAJDVp2fY8BWkCxa1yOGCIpXcMemOYz24y1WOu1DxLxYqRWoM34YHq0LcuCo21kdW91me89veh3S4A53u7x9F2uLe7xOaebNQhsTEiy+mqX/+UTA7bO8yFpCD2o7B9AlJTGSCgBm5lSLLcV+KK8yv/y/j7UP3/Oh77J+G/+TP5zfCXLEQTtflYsK5RG6Uo6o6tF1hcIA9VxpiDXCAA3UtBLnV1K6gtLa/ZcgmYXrKUfSv1Mf+eC0UBkyoy0vc5q6sjIK7ZnMkted6lWY/aHwi/22XbLh6FOVtbsktyfqptCIebMcSV8OdSqZ+t6obSSLyp1NaD2+HdsMfIhKP0zuKz3RG3+hGh7p5OIk0l0aUUwstyVfN7CWAwsbWuS2HINCOplIfRIY/lygw4mDOu9RmhhqCf2Frf4uS65FQSIFVlQCpL8RAzmxhw1meeW8vVnFNurSeQ2mSgNZmi3yFePxOcmgPas2sS60ps61RL1gFe5+Fj7DgJbgmkXuL00jkI4NZ6hdHGsKhRw1kDNz6jOrbSSmjskto0K7YFQ9b2kwXGtiYcResVRHUpJVd4/7o25NeWHlPp8S3NyJasjv9qDkF2FFjOnSXItvYwunoIMp8qro0Eaje59pBKx5fWV2wLfC+BWj5GuhRf/6CN0nGmSeP4PleYgVtuTwW0Ukyq/Kabh+9yUSb6H8vDfQ08WnjsdcjDBXoM/ojev8Mxsrjv3R5v7A3e2kMQmBp3uLc7jC4KNCqPK9PjRXPC6+YBr5t7fK15j8/1A17GKCaqvQqE52NVyMk9+bx00Inl0eqYmytzh8P9xO9+npsrAX5tLHIJwK0BbqOQQq/D9fP+8fzacO9hORR+QePJn+bM7sT0Anvtq9FzFsDgp3qzp6gRQqzuVOqnS34eQALEgzfY6wFODUkvhCbsO0wT16QIffJtKif11gbhsXf2Cu/GKzyMO9yNO5zGT3+KquYrWvF9bcnTXqkMkMa4kbnlKJKWpX1UubUD8OPwKmz/T/GfAFA5+CRszF+2wLL/5Q+Dv7S/Qv3lTesPKIbgaORLIApPIYhP+SZs5mWELgWul5YFksvrQnu1Y9e21dpaOicHu/T9nIHdnN0NplmYcp3J5efWxh58bALU/0DW7WLGtsTWWvhVVcanWB7yXAa1Twmz4iIKWUkfLqbE80xjOK71QTjqrt/Dnw2UDf85ms7iZRvyfYBJlZDaLIbwVvJTiUE+xVAeEo062SaoE/qghqxjGHKnR1zFcB7Krw39n4QhCNRSUfSJbc0HIVLYiQBwCjUW6oTE1pbEMhyB5ORUdepDMvYnQzX2CNhyUBs+7aw0AbVhlAe8hoZn/8WQngMHuMTS8pxZfk81o+O9V1EFWaMfm8DWDg3G0cANGnguwPb7OGrfghe3tCGPa7L/K6VXew2Fd/h9+Cv4A1D1d2qfHb6IjJyY4eUmge5az+TdyHZ8wZEUKeRZx2sfeZ7cthCCzDtWmwqW27YysJdMogiTbO3SnfK75OMhCWqB/Ml+ima9z0r3cPY2uWcf/HMeVqw2g1vJ9tbKAPHjgTzslvpi4oTr7D6gAMbkTtfy2MMC+gStgqLuIebXvjOHVCLm7JrkVx5ti+/5Gxxdh7f2gO+aY8rHDUzugL2yaBEEFIEpNccm3z8HqRZTRFrpDR+25fc7v0dxf4IdXQO3+X4/W03lGNPzjn3zkwq0jX8bSwrQpfI5BNRLz6EUvhwEw1xid/c+1KAdfIOTbpNYFR+fhLbCyMEycgAO6JTFoEa0mCLSQr72AKNdYnUfzA6v3Q4P7S4wuvFv5DkYx3IS19UAkQS+83MlcytblMHM/KqSuZXH0Xp42f/X8Deg/NdAb9MdfganX4TJF0hRqIU51eL3mpOsxWTX5m8jRte0HKa8XDNOIcsH5CC3Z6f3eVNpySH/pcCWlrJd2eYlbZfOqfWx5tYJ7Ibt55Sru9Um9eUAgl3G5NbGJh2mEj/A/I9i2S5WRV6yS9jaWn5tCVqsPcZcnXHO2sq8y3D97UwdsZQDDO7tHvdDB9VrKAf4xmO/G/BZc0zCUUloopDDytuU+al0bk+iGS7MSj+MgbHtRwPnogPQDq2x2EfGNsxqjjEEKsyW9jDoffhYBqw1A6Qlh0r3O4UrBxDLD6P83NL98bBmyjUmUJuF/sJktWFJsIILh0wfPcuNBRDPx6SsLOsUC9ZWGn/2pb8T3l/rdMhzjvk8/WjQR8Eo1xv4XgPPNRR5yTaC4A8NQ67tm/u+mlugdfn5RTmorYn98mYqErmuyQvDyyuWmiw5nyWj4+phyDVASx3HwjlLbK14MKVHSdtrCUe1Gyy1tfQwLmknGge1S4CW1uVkv4yY+z7O/Xx0M6levImgdWJvp1e03wRupYBUCdwCZYArQRUQgNW032egcYiAhs9pZCyhsjgoi9fo4cw9eq9x9A0efIe7yNK9GW/wZrzG+zHk4363v8HoTKoYcG16vGge8Vn7gNfmITC55h6v9QnX2uEQJ+q1DuG5A3xUWA7Pr5RaVGJyOZBcU1cGkAF+viRbU2em55l+YI+sckQiAop5sw5ceFPWyqXrcp85+PII0Pic2eW1gxGFoWhYLNlcCl+mD4Fd6xUefPifapRP5XuoPm74hFDzVvcwOKb+UC4wZ4s/dZP+RK7XlvS+WtY7DsxtgxOIx83DjGuhx7V1gkSSvf098OrXs+N/GsAvnpT5qGOcVZX5H6VZRf5AOOFMx/FPLbekJKTArqM7hm/I17NSQsA2NndpuVbWZ2m51u6WX63UnmR2l/qZA925Cy4BXp15krBucM6Oz/N8a2MT7sHXbXsosiIgMc+t5ZbCc+i8CwAkB7vyEc3zavNw4SURh/y8fIZySRGZjFjWo9sFMYvTLgpHKbjW4WZ/xsvmiL0aszYTM6smcSSj6mA31X6FSeqQj7bFcexwjiGvzilo7WG0R6en/NpU5ieCM1643WEK2zWKWNg5U8wtV2ymPrtsP4FCAseTQNRU5ofq0HJGNv89pusT003KixSCPIryPDIvtgRIZ79hFJeiP0cOqNP+2e+hUjmgkeXVhnq1Bn3fYBwa2LMBeg01KKjxRxDYrtkGBFB6Ha0BWPl9WTiqhJTYNglmSzPFcl/hvVoq8yOvVsOCKKyXZk25rYtGleDbGqitnRttKQS55Om48e1b2NrSQ1w7hm3jbO3anQPz1KzSuKfWjU/NHCj9ojBhJ9hbCk2W4BYohyaXwG24Jjtm46tOCk9lzCa7dMYeesY6i3DdkI/bp06lOqjmKuVdPtouATEHhaPrgAEYXIOj2+GtOeBLc8zycYNSMIVIU9sBXNcmwkllWYttl1iJKc2AtCoz3YAMe/aRoZ9Es0K7ZaPfmMoy8dBqAHmtXyi0KDO9vC9hs0/PxKj58zCRzaV1rRy0d2j9iJNvYf2QJrmzczBN/IcIMsAi/DaZIBaQmGJgXE1J+9SMoCNfLy3Bll1lfXqPaegZaytbQGGdvwllKLM8pwfwtzGxuD+NH/fh24Dwjv0//yLW7I1YX5q3peNqPruGAOWD4y97sG2FttP/6TGqLANRNxhJYbnkv5d+L35LW3zM1uMkC9tX1mvtlbbzlBzeVn04kCdwlu6Z7yPQG6J7eK3cEsgF5n8YdbuIsZViUKRw7HwI46m90J8qHJWuS6Aa85dkcdZ4JaxnyrHMhQzoJUvKvhYqE47qvcHduMe5b6AHBSgP33ncdkHoYqoJO4Uwl1SWa2HIE6jrkhLgw7jDY2RrbcqvDfXbdk1e5kfWgZ2F+WACqSUmmzvYINxg0bE/Vq40zRnf7Nn6xAlPpYMEqJUgGpjCtwfXpBI9LubESqcu+x1+o8mhyWNdGhiEcGUX87FrgJhfO4FZ2+Ac1Y/PQ4OhbzD2JoSk9xr6rAKw/fQrC0z2Qxi9y9dSqRKrPG4+T7c2D1lBSyWnCXF4aYKQzeDKqwHL5CXHdzXMVtrWY8pNWX7B8/UaW0v7au2wG+WgttaxkmBU7ZzacaWHyI9H4RhxPoHa5jS/Y151Qt65FNiUoFZ241M1S5ONAtymdc/gKAtNNpgmkR3qAJcDIl7fluySV11JbbgthP9yllAyhORrWriYjzvgm+YBQ6OTUu9UG/eAd/aQmNy7YY/vuRuMsc1GuRDp1JzxsnnEF809XjekrnzES33GtXbYgyksI1dYprzc8v364jq3Utme2rG0XQJLm56VeE4+Z76BCWhOpEPO7KanXbglundQOHK8ZibEGcdVPEdZ9oOUsQPwtICy8bfvA4MPPQlSwaTJeYoAo0nyk21hlAuhyWoaq4TauC7mbYe/kw8vA/D9N9nDUnXZufpxvt6jzNp26ZgOTQK3bYG5Lc1cdpiYWY4C7yvrD2z938OfVX+EHfPfA9pfW34J85CZGotLN0rd40t6GGQ8H1cKS8n2S0A3rldzcxtghzDRTalJPJKr9CTlOldbLt1SbXRTewSl5RpLvNZ2bX1pCLClff5TTt6FludZX2Vd3jV7ch3bqUv12bCn1rmlMCnurJ8CjbfM1JVAVs2Oboe3/RWGcwMThaPQObzaPeJWn9Aql4UtEYCVM49SuImXuiF5+4mtDaJRg53CkFOZHzOV+cnya71CD5Oxx1TjNbz4xyw3tiSgRKyu7Oda6SQehkzsLYHa0rPOVRp1Ap1TvwPr4FRwVE6CWnLaijHIchDgNXRsg7aXatdyQanRm1QUPjC0DU5DE1ja3sCdDdTZwJwUdK9gzgpqxPMCtt8HW6sfWvou99UK2SwLRy3ByX8I6P7i1KD8lKYWK7PGztRf5k8FsnJ/DxmGLDvHO1nq9BoIrhxHoFZ2ht/M2s2VHsIa4OXf5XrpAd+XQa0cCy0VNLphx8guIVwiVW98Dib9JZCHG9dKAsncW2pLWqm+bU1t+RLLa+T6VH5GRlbRMk3eelVk56BPqcReUNS12OsBd2bAw7iLAoRUv1zh0baxvQCMH9wOb/UBr8wxMrl9CHelie/smUwM4Wp+7EpEWQ3QXtJG9RzGfEsmVSP+7SD8vrUxlwaANGFCjG5gdym8nH43mjyWk8zAdE1u/LeHnyZhNJuIp7GMK4wEZ6rc8Z5L139ORrCS1lu2jd5TfL2tbOfrDSalWz1rXV619J2Mb5NMLj/3z2BicL+F/0s/weB/+puYp+1yH1ByU7Vu1LopgS9PCyYnQOfKWfZO7I9LDZaXi5CX65uJzaWKCbXfoDTkkDm0H8vWrlva9tR2l4Dt1r+q+nVCnq+aqeiU7UniUSWbh5tsfwmXhKdms4jCaNYwrOchpU5I9k99nBxksV5rBHNSOCq8sEM92PtxB3eOisgNYPYjXndBETm1HQFgia2tGQG73ocw5PvI1h7HDuexgbUsDFl57JoRe1bmp2NlflJYMGekMYFaUhiU1w/Pm9fXnXJ/1grL8zDkTN4/MbY6Oz77XQqA18DBqeActQ+5UiXHbpRn4Da/p0ZFBjkytgnMqkmJmWaZR6dT2PFgDXoXgO1paIJIVAnQnhXMScH0QYhAyZHfc7CnvNUK58t7X3OFJbhWgmlk68JRtc79KgB/uI7nSlbBhZRfSy3Lqy5hvTWTxy3Xri09qaXc2qU47AK8W0LtS8dsucElsAyxvQBoEf+fNacp/LhW+aEG8Tmolc6WPg8oD9U+JXM+ggE4aOgquM2YWyAO+jnAnXzlVgYXmMJYsz7JY2aCUPl3CoOdjPJTy0yuxZSXCz9F7xh47JTFQY94jROA94kBPHmT6uO+tYekrPxuvMLdsMfPDXv8l+5VmujsYgm9a9PjVXtMKsuvzT1emSNe6ROu1YidAjpWKYIzuoNHyvW0yNX3dcai5qxq/nzzHNtS+C9vp2Z0fqaCLA6XKtWc3ZUVMbRS2MeJErBQYxuVpqfvQpk5jb/yvvN7McqHsYma/+7OT+O20njCIvyt9yrk/RK4bj94+uX7b7XXJ2dkS9vk/oFtL7sxjRYl5rb24u3ABaImEEyQ454dR99pfRDf/1P8RvXX47ZfCuAX5yp+9HImtpUzuKWZS+66PmNdlw+Dv9SpbSB3FLIPS7Oj8YGmvFzmRFwbTtlFZEWMbi03V7pCuh0CuvKW5PfaXLBclrZdWmao1JelPqzV/a21J4dmefvbBtmbge3cgXHBI5pF9YslgeicrSJTVVDrc0e82MYFxblN6h8P65pUjY9uh7t+Bwwayik447HbDXjVHLHXAzQDgFx4yUZJewrxLTuxAGpPvg1Fzm2HBzuJRoUw5MjWmlDm56bpcWtOSThK1qSl2U26BxJgCEysTzOrMteYGGWpeFwz7mwGTArM1uf5sFsFu3QMkw5OycJoByk8NQ1o5uJPdJwlToGx6FTHNuXNsnDj0Wucx1jsfQziUEPfYBxiyPFZByBLgPYM6DNgeg89IAwWnoko8sX2RAC8BT+WQK48BkDMr629GksFd/h+lB1VqVMVqo+X+SHbWvHmaQC3BFILiHu2rXbswvmlvFrZsbV6tH3huDWQvCZCJcZU5jzl1JbGO0vSWKWfnA/JeNfvAbyp3OaPiq3VvF1TTyaguyY0xcGt9Tm4rTJ4LHR6YvPiNjW940saCxMwm8rUGP2YTeyaGApr4NDoHR7GHXqqb+40HtEmUEWaD6cmlJY5mjCRfa0G7JSdiUjR/RrSdeD3k55Zzj7T/pK/pRxb8tdPtan+bmFyOYJAnicr83XzyhRz1j9MorD+899sZRxRmiAhoGuhoL2KE92BkbWJrc9TykqVDT7kmf2gTAIbuY/eW1LNVq7ztkr7ab3M3Mqz5dWXesavyE3Ssb8rfv9lcO/CZDGBv91/BTJ2OlgpBpsbp7L5Q9iiM8T9TM1lklPg2/rCOsp/xxpAZ6eaufIJc/+zpbtLY6qa8W7KvwfKz/3YRv54YN/5dInsz1I7l9oHhSKvlfkxUBfn18qjZVmh7PpPjDShmb/pGr74Qgz9CWFNgzch57UPisgA4FqPw27AZ+0DrlUf22ZgcgNjyxnPASaV+Hmwga09jU0oMu4iYNYejbHYmwHX5pxEo/ZREXmmcIxJLbhjjp1ff5oZzhneWl8BBBZAUY61TsA8E41ayKmVRoISmrVrlMPgTJy9rbcxTUhMx/ByPlxRuXcBuFKo8dmGMG8Cs4M1GAaDMSodo9dQvUJz0tA9EqA1J8CcfWBrRx8UshXgmk/fiS5OAX5IOwu2BC5Q2CeP01kIytKcJObb1sq2ytMLx7h2fngJuMrP1mo3vI2yGvJSiR/Zab5tTbZL3FipQ0vba8dsOXZtVoB91OMEaPcFpnZpcl3esbxVObF/j+cHbN0Ca0s2q3cLCAAZfGxWsmdDaaClqgWhjdi2z5ezPmDy/xM7SO2IfFyV5+OSHxt8zmIa5bEXysq2/TKp8nJ1Zc7kvh9DxNTPnW7w99zLdJ1GhUoE101QWuZ1c1+ZB7zSR9zqHtdqxF6FMjtkPDd3iH4p+VTW7zaWyeHsKbVTq01LbCyJKAFz9lUaMapruc0oPFPZLjG7QJ63i/Tb83Bh+k2nfiwZD/kGwm8fzos+Xk1/A2R8wuOSChg/bKsBjNrrVbK3JUxY9qsl5pb2ypxaydhKePJQ2MbfpgRv+DFv8N2XHtdg0VityS/JX/LEtMo6bR1bH1i3eb3c0oMs+RxuJbcqHU5JaZkArlgC29jckjvk3b0WXV3ya6VbLd16bV+N0V1aX+vHU9qvtbtkl5X7qTjMEnx7an4tty3qyyUrzeCS1V5yPJcjtJ+HEw++wb3d4bFvAzsHwO0cXuxPeG0e0CqX2E9pdgOwC065wcl3Kb+Wi0bBKyjtobXDzlgcmgE35oxbc8qEo4AJSFJZnw5hJpPKAdHHMVCdCWnJCQQKbc7A5VTXlkSvHCgMuUlsccYE12ZtaQLAa0CPMSc2hhLpsGwZLyCf55TDq9I6AdnRGZxdE0OLw/Jsm4yZJTBrYy1a32uoIQhC6T6GGp8joI0MrTkDevDQI6CcB5QKIgLPx4d+PItvG8qv5T6BmwQaNfK0dByAmF9bexXTesE1rIHaWidFzo3Mr0VhvYTV1kz61bpIgnwy9L1Uv6gGeAtPmufWriH0mhcrHVdrs6Y8IbdtCD2ugdpSF/m6nCmWl71HGEt9yqazfMgPCxUpsbdkl9S9BfJ83C15uJzFLTG41E6NxXWU31nIxZ3ugbfr4ZTF3scPKyETWF2bjSGOXmF0TWBzocOkqDM4u1Bv/eyaUFbGtTiZDifzgFMMV+ZKy3R/BMhIqV+OGazIT609k+z+NkRWzdpIjGr+LNN1s9J8KouIshFsOu/z3wbx9xcTLDy8fTYRIiY+in3N7sPHCZM8t5fMYlulhE/JSq/Vkpvq2PfSumyrtn1an9SSw7dSa7WpaNmr0v7SvkC/fgO/EtnL//+I6QX+W+KhHJlLBA+2vcTmli69diu177Iv5EBIe2tpfEEgVzRXY3O5O+xQ9lclk+HLtVvlttQu7SvVvX2q8TYubW/rPQEfWTxqqqVH4bhPd7apDSF2Ea65dN56oXNueR3TCazx9gw8em/wftzjfG6gRgWvPdA5vOwecWseM4EDXtJnVkanwOJS2G7vzRSGHHNrR8bWKuVD7domqDlSGHJwyC4Lhc76r2xSECRwS0azxhS6zHNsQ98I1OYhP5TbRfmz1H/O/k61Zl01XCgTpKLnn0oBADz8KgFa5YQoVQTWUfTpbJuMne1dk4HZ89DMweyggUFBDRqmV9ADwrIPQgG6jyHHPWCGwNLqESn0ymvAtQrjfvbzPg+7BIHVAE7FamJQ0jiIlf4hZ2xrwlF8f58fW8J3rTitdAyB2kL92qWI26Xe1Sw/bgMgzY6T5wDLsVi16YeNnaz9HdQeSA0grxxfCj2ugVrehU5cgjt8ede0jXgJyq/91HNspZ+tMbUSmPKKBiaBQT8BZRE+upW5zfs2N15SBpiHKKd1lBnG1LYK7XNVZepnOH8OFHn7XCX4ENncz/UZtnmfmFwSkjr6Hd7bPd7Za9zZPd7ZKzyMOzzYMPn89x53+Jb/LLXdKIvOhNq5180ZL5oTXjZHvDYPeBVDmEOJoSGKUvnsXrna8uA1TpW8WgK+rcr9tbz/4NsnHZOkiBwPadOhHhD5sZQ/Kxldzo6nPqX2GaNLwmUsVze/j2lpsfz3Ia1VJDpGz2GqHUxliaRy9KdsJTBam0MkW8q15cdIXMi3c7VkjRENKDS5BK+WZiLbwnH8+704bt7mn/xxn/b8Jqh5/q0EkA+iuaU8Wc7grk1wb3XgtfHCSu1cyea6lt5nOZsL5Iwu70qpa3y5lqu7druXLOVo7JL1Wpul9uX+JXsysK2FIU9S8k97mWQlhdQc3C45VwJBHNxumcmc6rQiXiPPTQWAk2vxMO5gBwPjAW8AvbP4rAuOSsNnITwZeIMuziKn/bEsTmBsGzzaDifborcxtzYCW2McWuNwaHrcsDDkVtnkUMjZTGzzCAcdAC0D3DZzUnrGgoZZ42ld1pWDnxQKCRS7BHL5jHQAv/x5ZGHONFNPAFeA2+laeY5sYGV1qnM7xBn0GpjteZgxB7NjCDU2QyjXo0dAR2CrR6SlGkMerbZIA7/A0Co4o+BaYNwrjNd4HrbmNS9s51K2tgbFSsduF46Sr8r/DvDP/MlQJ750cdlk7Zhuyq+VV6k1wTHcFqPjnhaGDMyf5NoUApAB30vAqOw4P05uu0e5nZqHjufw+rQUerwE9Xl3+LI2SJTb6dIc1D7lv8MP0vjEcQ3UbrUSU3txG4Va86HtMoMr82/zc6djlq/J1jGBHQI5oS3OHPrMF+flbzyssriFhfU9TvqEo29wp/d4a054aw/YjwPeqOvUbh/ryw8uLAGg0Q7v9R6Hpsddu8f7Zo9ju8Ox2eF108bxwCOcGnDQ48R6osxu1+qtU3huSYSpBO6DhWvJXOcqyFxhx1PfWFuc0aXSQ1MOcdl4Td2lv4+sz/Jvw6d/igz0c7Hau4rvKzFzJXC81u60TaNhkUI6O6rW0iWTouvH/g78GNKb+CeQv+j/BObAlj7c0UoXuIb8+Tk1/yZnSeU+fi06lpjcCrjlplk7pLZMtXPNCOgmMLpSbfkH5Z/4nIJ8HE9t65K2n3K9D2ZsS6ZFCMrWmd4SqOV2Ud28BSddmsEjoSR+DcqvBYCT73A/7OB6g8aFP7p2N+JVG8oCkMCDZGjr18rvpo8qwmfX4tFSiR+dSvxAeRjjsG/GEIYcGdsAbm2Wg0LFy1vYWD4h1nsTz2SIIciDNxiSy9GgYQgvQ0Rqz4nVZcBzyqudM/QEbtM6s6BePQFf+eyICQ5hzgHQktoyhRhzMHuybSrPI8GsHQ3sSMyshhoV9KDCMgJYWqdBdSyzN/3h6SCkARP67lWY4HCNgtsB4xUwXj+vEKiZfeS35RZ4VdvG19eFo8C2sZv4dwF8A3Nqr5Z6uoKeSjC6hM0+YI7gI4YhX3jhrceWbnxNMGqroFS/Dmql1fLSBkwle9Z0REi/k2Px0/fFO358+1BQm9rBVBIIwFz4Z6EcEG2X4acc3JZMsnQ1qwFgCW4MA1ApBDiVeQtf6XoOQR2/NgneKQejBtzqAd/w9xjaqV7uybeB0XU7vHdXuLd73Nk97u0OD3aH+zFMTn91PuA7j7f4//mvx5J0Hp0eU54u1dF9aR7x0hyD6rIJmh01VpfuJTG7bII5PQeWExuey5zZpsoAGvX/Q5wdh/Kz38FxtrkCIgkgW3b8U2P5JCAv9RVAVoZIP6FM0g/aaq/gJbxFtqacXLN5Tq4GsEcoq0fZt4TQekxvUb6tNlMprXSOZHmn9V/zx7+VvfP/wmeqDmw5wKUmZdgwV1vmY4GSc1l6cLUhCDkOstLMPQe/C9ffyujK+rmlcUitqx/C6NbarC2J61krVV9ro7ZtyS523Ra+ysaGcJMpPOqpDlezkGZihmXI0Xwm72nKgcTWltUIp7zbs2vxMHbAoMNMYOtx6EZ81h6xV+Enq+XXylI6s2Mi43lyLU4xZ6d3BqM1uWiUDmrI180ZNywMWcf+85noVP9ViFkRc0oCWqEIesNYajvvGwFMDn7Z4+Llkfizo2OKwhXQqTRT6M8U7jxEESpSpCRAG2oQmgD8Y77sKa7LMONx1CHM2Cq4wQCjAkaVAdoEYOO6cpGRdUizzN5QdLpKAwGv4j4dXjC2BdzOY7wC7M1zrPkjbCsyuxC91YBJad8c1MqLlpaFV2GJ7CxNgZPJWnYIjkXm15ag9Fpocs34cX7G1i49mRrYXdvGzG5wAaUbWUP1HCFy1LhyDge1pZrIslul9dJ3oPwkZFd4Nz91+1iANmtzA3O7NFm9lFs5XSMeG5drJYOWTDK7vK2ZajPL0S0xugngMia0RQCVoUQPiRT2GCKwPLoGD77FW3fAW3uN7463+Gq8hsYNRmdw9DpoZdgwyeq9glIeRodJ6uu2x4v2hNfdEV/r7nBq2zBJrI9BFwMOrfIplJfPs6ZngLycUHavmMAtv8f8fP7M8pDlqY24FKfz0GViyks21czN+/cUgCvBbVFROTK2iW3+xI0wW2k7WclttQvHLYHl2jWIudUY4VIpIG5r+rkcNj3d/nqWf3sfqvbx0OP/D+pAd0nFmIcol0wCUmml4cYSApPt8X5QP1dmIGqMroqumxhdrri8hdWtAdya8b8rfiu0jZZyv+yTbFPuXzp365T9k+aklxyfVqoIfGulfmQ4sxZ5uvNr8zZzeyq45WGyEoRq5dBHpeLj0EKNYb9vPW72Z7w0j+jgElubK/PNC4rXmGSq/0qgdrAhZ5QejzEOXWNxRaJROohGdXCp3AAQaugFoB7r8bKcWVnOaKo1m+fX8mdBbC2/j3D+dPwsrzeytFq52f3TvYbnQzmyOvVjcFMN3MDMapxdi8FrPNoWvWtwGoOw1tk2OJdyZjmYdRHEjgqKQKyLA2irEiPL9asIt6exgprAbFrXgDM+zJy1Hm7v4fcWzWFbAelnYRs14GkupBaOXAIUS8JRnThustq8XQlxse01nMjvT+5nHXSVt+QSRttq8tiJreUd4d95h5e2rw0uCi6iBE5LCF7eNEf0kvYsgdrKg5OgtjS2WJu5XRrMybHG0l9N7Tf/lGxWZ7YAdEsA1G2EjlJQSqoll65xCdheCktNbae+TNcO18zPSYrLyIWoAAbKWFsOE6PL1ZbDd56mgyyXVNpBj9h5i1f6jMG8w6lt0MPg6HZ4cDvcuT0e3A7vxgPu7S4wuuMOj7bFyYaJ2rf9Fd6cD/hb+AJahQnsidU948accdOEscaNOeGVeYh5umdcqx57ZbHXNhOpovuh/NghTRwLEJ8mwsPk+IA8TxYrQLQGeJdsSUWb9s8mI6JJZW2zwvjTuOg52BoQ3epX1tjadTa3xNxyk0wrpyolw8uPW/osHdtB/f1vh+bjJv9NBfwtlH37FoDbYc7q1ljUkqtdA718yffTNemRybZrfWHHcEaXg1wDoBNMruxOrYty3xKjW/t73ILz146R7G7puC32ZPc9A6R4el6ttCqorcwSl3JKtoBbDjIzVWES42AA8c7u8dhHYKsCsL3tzngZFZEBzEAtF1IqiUYlwSkKB46s5Mm2uWiU9tDaozM25Nc2Ib/2oM9RNGrhHsV1XcxfJZVjztbWTIYaG5E/zI3CoKHoGdosx4mOJ1CbQKwAtAHgxzxZ1+Bkm4ydPY1NALRjKM1jrYaLObOwCspGhtYCKgJY5ZGYWeVUKNUXQ4s9J6MVgjiYjoxtZGehfFzG78bDNx5oHPTOYrcfcXN1XnyWn5RteVPUkNolbxlsm2mriUwFB0uvupqUgOwoA7W80S3TkgXnVZLkr32ol7I3tUvTeS4N+VZY1iJ4XfK6G57+2tRu6VFLUFsCxRtB7dKlSzO9tW6XjpPjGflblBy+Hp8HuOW2JeVnDdTKiee1WrfANjB7UUoSb0+UiaFry/zL7K64qJGaqwobiLzfLJ80rJQEk6bzfQb+9poYVQt6P1ncY/DAyWscfYO37gpv7TW+tDf43nCLL4drfLe/wfv+Cmfb4Di0OA9BLDKxuspj1464agfcdme86o74WnePr3d3+KK5w9ea90F3Qzns4dGyUNzE7HoSteTgdnoaA2J0l/dw8FO6UMqLzXNyS8+yZk+NKCDlZPq9gTp4XcrFXsrh/tSMv7dqk3moHCPnZ0vnbGkztwnSlpnbpdY/vvmf+TFkDuM3Avg2cpAqQewSwEXlWPrI3Fg+E1Cfea8r/nNHVlIllH2qiV8Jm/0ugsmlJl1kdHnX5Dr3jXy6gW5ry9CJ2qRladuWY+QIZ8v1uV3kup1n+TdA5ujIqHZtKQTpQ4znxZReVikUV03S71uZ2xqLSoxkT+GvQwNlIxjqHF50J1zrPl2HRJgI+FnB4E7X4yJOgdXtYxH4c8wXtdHBAZMa8q4JeTkH3eNa9+hg0SpXFlmAhy2oPAMT6OZsrfUhz5VKBE39WzYdXV2YKWfCT7w/SsdBgmYgfgKydN8EaDmolYA2fAyGoQmAlvJmRxUA7RhAbWBlgydWHiT6CCACVTOJTCSWNm73Ju6npY6fxNr6kG6mPYzx0MZitxtx1Q14uT+tPLFnarWps7gu2VqySxSRS+tl4Si+LpFRoSSQdGY0GyrRZ2WWloSjlsBVjdhcwW2ZTWV+Sh0p3YjcBtSfcgnVd1OHSyYf5Ro4pc896oAX7LwFcw3QjzmoXZtfkUCUhzLzdkpPSALeXpz/KVoJpJYqEWxhaLcIRy2B2y12qbIynTNdfwI9QJ6fS8JR0jiTSzZgGQgFd+CT0m44Pw9bpnULhT4D0j7b76DQKofP9RG3+oSvNe9xalscfWR07R7HtOwSmxuik4J+xOg0zmOD74wv8J3jCyjG6nbG4soMSYX51pxwY0641SfcmseUrkS17oMeR/6HzYWgHMvZTUrHTOW4VMM2CU9l5acme8rfCW83A7qCja/ZcwG0JVt6NdaAK9mSOvJazu3cArgdsYdGA10FuGs5twSRug3HbTtW/be/DfyGaZP/awr4i1gGqxzgYuE4emCSPS3J8st2ILZxWxlDZdsko/sdcR0RyKW7+bqLx3ARKiCELR9QZnRpuQREyWqYvvQ3Wjp/qe21c9fso81JG6jV2rVrzrN2vt0IsoptpjCjSl5wBHGU70l1V42ahKOohu0wGCir4DVgdhYv25DnapTH2ZlsJpQDRjLKc53fn4qqyMGRDc5gtBOw1dqjMQ5XzYArE4DtXvfYi9I9a7L2lg1HCITTh9+zieBWijmlY+BnYcumUNJnJqTFQO3JNziznOJH22ViUKcxhGqdLQlBVQDtoAOA5cysi4CWX1xNGN8DAcjqwMB6A6DxEcxGBrZx0MZDaQetA5BVyqffJN2ndmiMw64dcd31uG4u+e/3zOwClPYEeLXSxpbXJP/+D0H5A/zr+LWksVTrHPs48fYmELuG8dYuU3+pb3kaEtzyzgPrN8v2lR5hDYTKm5UP4r6wXVppG3sgEpyeMAeY8pglZlWC29LUwI+SbQ0zfqoC8oeC20ttFvqq1HRNBngki7vWLy6cRGbUPFc3hTOn0jU5mzsL7/Xz8N4WDkZ73MJD45wQmwPQe42zN3iIYlSUq/vVeI3vDTd401/jy/M17myDh77DY99iiLXtvQ96XsY4tI3FYdfjpuvx2e6IL3YP+Eb3Hl+0gdn93NyjVRZ7eOyVze6P2FyXmN3QQSo1ZLyHVg4dQknBFi6mG/koTjmB0RLweapQVDIGdOXEyNbyQJ+60UQesPxeusS3bNm+bjIY+RqhHNAPuhhaDnT97/2x7Dt+P/LqBwRgawC3rRyHwvG0jXJ8SwCXlxNqse5klvwo9501dldeu9AvzfsPZErLwJzRlWC35vb5BPHS3xTVv+XHctBb2obKcXz/FvvowVaXzBiXygXVjtky01tibad+TewtHceZSSDPraHjgJCLSqV+tAtAqGknRWQ6ZwlYLqo0e80AXgvrAsOZOS5jsTcDrsyQyvxo5Z/kNCivlUr0ABNgpQL1VHrHeDWB1gjKU63bWE+2dK/Ts9QxxycoSQ7e4Gh3OPsGxwhmH2NNwCQGNTYpf3ZSNm5gRw076il/1rL8WYeQT8urBMWfwxtMYcQR0CY2tnFQjYdqHJrGoonL1li0xsFoln/tdPwo2KhWrZWH1uH3aXR54uKTtg/B4R8AckuTnPxYvn1ZPEomAtOr9xfBqz8MfCYa7cRhS52MxoWj+JVlb+hzSZkf3sZyfq00mXtbA7vSGPgl4agSCF1D70v7Udknu8G9FgBP4FYcWgKua2HCEgzXJuZ5V+Txn7plNeQ3RCY9FczKWvIS3ALbAW4tN5cbF6CSebK0nuX5CkbPYc7gZgCIPSuaLDfwGditTaITm0vMLPf7LmtXZfud97M3FT+mVRbX+oxOWbzQJ3xu7vELuje4288ZXaqhexqDz6RSQ94rDNbgu483+PJ0jb+tvkBrbMrXvYrjh+vmjIPucTDnGP0VxhOHeP1QQnBEq2wAs4mlne6bKkgEVWmkkPElES8AVVZ3Ojb/Oy7ldstQ5SXBqudoT3XJS0DjaYwt2TzTVs9Y2o/LyJaP5Zafr37Dt4HfdwzbbQP/exXwx1AHtxzgSnC7Bna5+jJ9ZL5uySWX3DkdR8mlclhTGnTI7wR+qQSAANczNpdfF2HynocvOxOAYbfA6Mou1Nb591L0ngSzNfALsb5mTwK2NUBKL6VSGPJWp2oy55CLOvAw5I/50uJlaJKKMHwCKQ9uF0r9DAYGgGs8dt2Il81jVRGZwpBLokxZPm8UjUrCUdZgcKHMD+XaaBXya/dmiGztMIHP+EzCs1kG16GfU2mASQUyQNxWjejAnFkMHw5ANc+ukbm7VrLVKYfXoCd2Ni6PtsvCrmS48eB0ArTjOCkc+1HDjyrUnuUsLakYg0Vea59EnkJ4cYwxY4ysMR5Na9E0Fl0zYt+G0K6dGdFoh4YUpBHqFXL22HufQreUD0B3dBqj5278HwyrhSGvQSxppWMuU0QWr70lMYjSG7JwvGvm+bWorMse1DCdvBsg5NfOw5CBshdc+i6t5mm7eSdqNyH3LX1km6XuLO3r43/lHrDxv5IQasfSf7GSANUN5ilLshtyqPXcTPrXj1GXltsSuAU+fmhyKhPEAK4Et1nfkIcqZ7VYgaSEnF9jDkTDNSfwRtcqqfAmAapYBoeLNVGbxOYOKKcl0XUMPDo1QOs+uza1M8Ropwff4c5d4b3d4429wVfjNb7sb/C9/hpvz1e463e4P+3Qx8gmF7UkoELkl2ksum7EoRvwcnfCy90jvtg94GvdHb5o7vG6uY/s7ogODjtlmTjldN/UL7pXAvWc2ZbPTwNhEqIQmVebmDEJ/LNJ/A3gtjaR8akaTdT1hQm5rbb23vqw91oJ3P6gTYLhabv/b/1Yvu//C+B/hzlIrYFPmYfbo+oyi+50aaxRA9RLrp6b9LFraT68LXntQli1ZoBXglwghC4DE9ClLi2tL23jgJVY3U5sx8K2LfZRGNulMGQH91EcbGkGtfSyXWJtuaUC7Qt9oxqrJ0+lfqLgUOND2I85IVNEprqvkQ2dlcBhysThnqbQHwJ9vWtiWYBwjFKA0Q6dtthpi70eohqyhX7ic+V9BQIDSzO1ezViF0eSg9IgXhfeZEwtNx52HfJ2p5I9kqW9H3d4dF2q83ccu6xcDwFaazXGMQB8N2p4q5IwFAjIepWFGJO0/yT8FHNjIyOrm5AP27Y2hQ/vmxFXzYBdM+LQ9Oj0GAS5Ymj64DVOtoXzCmcbWNvRBuBNNYa1dmkSotHPcJ54iVlbOqditZfPGqaR68uKyEsoqnAzS06D9suXf+Gckk+RkbdLj1I2Scf6jK0tHb0EYHlnFzqfjm2ni5c6vMbGrs0my8st7at5MbYvveX4dC63eBxX59bj5LsJ2Eo9EHkL5GgvGUz+MI3A5RooAJ7O1nKT4Pbi8+OyJjxVArkl9pa3JY2zuJmpicVNZWnYYyuNFah8Xi4sBdRwEinwZvVTVQB9LfJc1po5ARQl82vgcVBnaBN89q0+4YvmHj9/t8e7w1VidB+ifz2PocoCRYFR+1r5UIbIGXx1PuC/0K+xN0PG7F6ZHoeY+hQ+Z1xH0cq9GrDXYRyyV9FnwmcguDQZYFFj6qfc6XDucmhzaTJDTmSE57g8xvvU7WNNsm1hu9Zc5OXgVgLR0ucS9rZ0B+U7U/9VD/T/Guht7//NfwH4feyGShPdBDqlH1par52LwjVq24Fy+LJ0+fJW+SOpaWqisJ0KvMtrdvH/VqF/rgUMq6HbYVJf5syu9Kt8fW0pCW35MyzdmrSLge1Wx7YWOpxCjBPArOfX2hSOHM8tHLdlxlgX1JPza00sJoE45zWOrsPj0AZQhVjqp+txq08BACHUg6VXejoXOXgs2eAb9N7g7IJgxGBDfi0HTU0MRd7pETsdwoRSPVrWdxdniGVYNK9vO38mIa82hB/ZNEMb7n06j4cdp3I9IBGqcA8kCNUzYSjKoz26ED5Fjvc4dqFkTwHQWqvhbFCF9lbBWz2BWWAScTJ+uisCtHE7DIFZB2NcZGVtArP7JjjxQ9MnR77TMbxb+VRmyNkugtoGj0OLh3OHvm9SWSGlPJTxsJZCup+vEwUwR2sfaCUIJkUHliAbAJQVkbktOL+lGdHSLKfAhFw4aglClzAiP34JLPWzo+RTKj2hmseEOLbiXW0zf2xLN1IDuSVbwtSlZ07t1UZfS9O1DNQSoN0LpvYac9ZWNrE2fPpUbWslgjUGVwpD1oyD20tY4Rrbmq6PcqRX6bvhebag8OBCP5ELEIXtU6iy9qzuag3kxlULBpAysSixjNtb+OzZZCJUChnTKfN0p4in+e8RQoRHvMAJMHfZPu6LT77F0e3w3l3h3u7xZrzG2+GAN/0B74c93p/3eOhbnIcWfW/grIF3SBO0yvhQYrALooi3uzNedo/4fBfq7X7R3uOL5j0+b+7xSh9xjQEHPaJV4c0lJywoD5oz29IyhhdT7V6j1ASWObMel5o9e/k7l5j6T9F4aoVkbT+GbXmn1aJp8/flErjlAJVnWH4Mk23z7/NjfPOrs/3/Lw/8ut/NDlsCm/x7Cahesl6q1rcEcjt23tqPUQO68iPL8QF1Pyz7EJ1mYnXjx7WI0athKcHuAVO+rrzcFqDbI/htWpbK/yzZkxnbJYdGL5cPYWstfAainVhusRJrawpKycTySibTwOPBG9zbPR6HJpX6Qetw3fS4NY/ZuXn/1wcJkxPqUo7t2TZRETkcMzG2AdTu1ZAxplytUQLakvjT/Bk5tLBoo2LiXjm0ioQt5r8dgfWpTFETGec2AdpQd3ZSO+ag9jgGlvY0tjiNTRHQeq+Ck3UKPpY8ggKSMrHPVY2hAkOrtIcyQfTJxHzZ1gQw25lQA/iqGRKYvW7O2OkRB9OjVTblYQ/e4N7tcHYNHsYO7/orvH28wv3jDv2pgTubwB77mMfbOPi9gtYebfMUibNP2JaABuZhoiUr4ZGy05yfk4ciyw6sTE2WZjxr5V0LDsS15fzaGggiH7LUM9lLOi4PQ5Ydk1a6iZqHlsdEj1kDsiUlZGB+o0u2VEJ3aXJBTs0uTdcyQAsEQNucJkD7Gjmg5cBWXl76/Bq+fu62BdwCdRHHNduS71jzSDKPkqzG4oIdt2VMwHMzk5VY3Lg9O/cJYxgpZJTygsH8VvzOmV0d2V3SJZG6H9ykWCUXvuxg4fQQr+HQKotbc8Kr9hhq6V7t8DCGCWYSaRxsyNV1XmUVGYx2OI8N3uEKx7HDd0832DdBiXktZ3evBpa3G6s4xHzdLml2lHNzp2fpU8TesPJbcHek43N+bslBXEiKbGlidIutvc8uab9U3VZnV7mkNQlYa/u23AE/hiO4Hv8ofg7of03qm/+p/wz4Xcj9CyrfS7m4fF2et7Zea0d+JLNaAt+lx8AfRcmH84EKxD7eLpXr4+3GdV5LV+4nwU3O8FI482jy215ayi6X/kJqthnYXlqjlgtGSYcp2VpuMrQqzO5ts5JjlfL72T74LL82XC+A2310CgMM7scdzkOoYesVoFqHF13Ir9XwqT6cbINK/5RCd2k5xBBkyjUdokDRpIjs0GoXcj/1mOXWOigWcjPN+kpAW3PMpG4cHE8AtlQLj/eYAP8Ak4D/xM4GYE45tINrcPbNVLrINVnY8WMCtEHlOGNofQSyPswcQwWwOiuwTliXqRUrHXNmo/BT19jwzGKocQKzpk8hVjs1oo3PNNyTSTnA78crfHk+4M3pGl8dr/Bw3ME+tFAnDdPHOrkI+dZ+p+AUMDYW1j1tUPhJ2wZQI/Nst8AzaUvv6/X5PWCx1I9sVBb/KwHbpj7rWOrBVhcs90/5tbwzwPJTLHm60sCgcFyJreWdK20jK03Cr/24a0ixBl7lMWwpw473Yw5gP0P+nYch8yb5E+NyKB86kPxBWEmosWbkj3nOYvVYBiZLIPeprG3ohxQWku3nk9lLZQNLTG7Wz1K/UWZx6XrAlCda63Peh8qOguWs9XRiW4jyITfCJ645uxuYX5eYXRKE5BFnB3XGwZzx2sylVWW01cm1uIvs7p3d4+1wwNvhCu+HPe76HR76Du9PuylayU1jD6UBbcJE8q4dcdj1uO3OeL074nV3xOfdPb5o7vG15j1emSNe6SNudQ8NoFVAFxlZ/rcZ2N0508ufCZCPbXgINK1vHQj/sM0b9vcXfSmHiT+IibYljDX3IjVwW+rtWrixtK6wr3Y+b7t0TNjm1W8F8CvSnf64/8/wZ38La7o2LyzXF8J4N58P5D9ubVlrq8M6o3uDWUUHMr1Ua1dOcG9leBkzTcyuDGnm4cxdFKk6YLnsENj6Jf8HPjjHdgnwzljXrWHMmAPf0gxovU/LIcda+RlWSs5C2Ml1uLc79L0BlWltWosXTcg3Cf1USSyqCiJFqZ+QhxqUgk++waML4G+wwWl4H8QeFDhjOyahp9TvQi4OtZ/fs0v5vQ6x1q5HCkMObK1HFwcHg5/YSwptGnyT2GkJaHnpHl6LltQbH8cgDlViab2LoNyroOyvABVFOYBIyiqf6seG8jseWgdFYqNCOaTGWLTaYdeM2Jkx5QxdN+eoJt1Hhvac1J/Db69THvD7cY83wzW+e7rB947XeHt/hfP9DurBoDlqmJMKjieqY7sdMALwjYJ3P3g5hR+Yld4sK2+apZDjtWMBXsO29srbklgiOlDrhExNZcfJd30JSm+dU5Zt9tiSX8u/126i5uH4vhawh2VnVuog37Z2Y3I7nVOKTFsbuRXmLkqAtkPO0r7GnLXlT4SaJZ/N/fxzALRPsaCWMPmNmfhTJX+2FKJ8SZ6tZFeBHCjKieySWNAawOXXktcBJKBkehwVESJiD2nMsTjWEEOGj1VyZromY3iJWVaB2TU+gNsUvsyjqVShOkXG8Dpor2FUmNw2OuQGt8qGyDAdmNhX7Q7vux2O45Q+1FuTUqYs83lGh3acVziNLb7017gfd3jTH/D3mle4bs64MaHW7kGHiLcDr7Mbc3Y5s9sqmpCZ/h62aIs8JcLvUzAekiwBbs2eAnw/xnuuzNzKaqZAmQ681J76dqbzvgXuSH4KP4f/fv/11LO/8B8A+C3FBp7WPTlZW1qvmfxBS+fwAUkFBGdsau06/Hrc38v1tahyzmrLPjOgq9l3zuzyUOaaGvMlf+dPAraLs70phMYvOsC1WV5e5udjvaRMFASq9ymC0/hStVBROCqW+rEKrvVouxEvlhSRmZMBpMIhMZ4m5qUGQPUYVYGHNBsaPBkXjkqleNQUpjSFQqsZuCUjUMvLHFlvppq0ykXxh8m5W48gnOTb6eNaOOiiynEAs21Wi7a3JlM77q3BMIZwJ0s5tDR4iMCVwOsEXH1ShibHSeFRJoo1Ge3Q6sDQdnpEp22WN3tlgtMModwhR4ls8CFU+s4GQPu983Uol/BwwMPdHu6uRfPeoDkqNI+A7pEmOFwHjEpBxf/ASjt0P2qhyBtMllbhVoJnNcjG12k5hSLXwG0JbXcAfifQ/fF8dlMaf2PKmVAs59fW5p23glzZhXkn5DZg/qRK56BwDFuvdXgNoS+NTbY4a5pcB+oVmhYeakntmAAtMbQS0L7G/Anyy0lHyb//KAJcYng5e7sV3C7Zltq2HJBSjmwN3FKbk7HrrwBceR1gDnBLgFkqKgNCjGijcaD7VJDL2+A5u6S+nEz0T7K7tI0iyoiltdDBgcXJ7U4hRG2hxyvzAGlcDJPSjh7cDkfX4d14wL3d4d1whbthh7t+j/shsrvjNYbBpPSi0OfoyxuHtg2VCK67Hi+7Ez7bHfG6fcDn7QO+aO/wubnHK/OAW33CrRqwVw57lefcAjReCezu4MOHP49nYV0od0YTdzWVZHZ4shruWbJaPm0NK9XJwTm4BVoGcHmPa3m3ElnRp8T01o7lM6hLSC189+p/CeAPpG3K/yn4/rv5zaOwXtr2wC5Z2r/UHn/wPNx56Xpb9pUY5QIAdtf5ZIpn6zRM1mOB5b1H/kiJyV4C5KJ/NWZ3F0HvLgJeZ+as7ppdDGy3hB1lTOuCONRa3s3Hmm1LZXGqAlVMsCGGD4ftob4slfrRPrB0+27ATWT9gABS3eK8bm4ptNc3yUE8RgXD0QXAB1B+rU/ArdVjpqrsKDenAtZ1mu2c6vUGcJsf08X9FILce49jLBr/3u1x567w4HZJEIqH7J5dYJvPlljaAFxJ3bl3JuXujHbK3wnAFRHExlybAohtjM0AbKPCUiuPRjk02qbSPDsdmFpit/d6SOHG+yi4Rc8vsOUNjnaHr8YDvne+wXcfb/C94wHv7w4Y71qY9w2u3is0D0D74KF7QNsw5+A6YFCx1JDyQOPRdRY33aVzp8/UCrdZmyAsgYQS4KiDiS1gljux3wzgv758saUOdev5tRDrQH1Ss4ap6dwpvxaFpbRaDFLhJiTwrQlGLQmF8fEEmQzjhjimhBrluUtgln1q5XtoSSHHr+NHhiCXBnxrH3lrP2rG2dsSuAUuY2WfakshvtxKwPmpDG6Nvc2vx8Bt5Zgfli2zycSOe/BSPFSP3iofmV4PKJuY3SUtjknsSsOpAIxbFybYKW+WIqGuTY9D0+N62OGh3aW0I5rM9l5l2iEKgHUKp7EBsMfoNR7GDm+HA36uvcXL5hE35hSArTml3F360NiF6uyScUb3OYo5umZ5shhYH+D/IN5dUx9ycDtNRkv4DZQnYOXdLPV+aepxywwr2X+I7I3/+HP4871KrfymnwLwzxZOK/m1mq/b2rVLun3J+QSW5XHso/sALIk9Lb3rsigCWqGiyDUHWhMbKf1JFPrG2V0KYU65uhuS5j9KuZ+SOe+rIPiSnJw1/ku+6NP2qgrwFKbM82ul8JKO+StHt0ulfhQANB5X7YjbWOrHxRnQTJZflNKh/pADsVAYEGY+U35tDPGZ2NqQX0uMbRdzQXmOLTCB2nneicu+JxXlWf4tD48Og4GjV3jwDd66A97aA+7cFY6uS/mzgzMZoH20LUav0dsGow/1XC0tWZkBYlqz30MFMBv2ebQRyLbGolEuLTmATQyzmtjmhjHarbZZ/iy/fyo/dG/3eDde4U1/wPdi2PG7+yv073cw7w327zS6O6C982gfPJqzh7JBvMp2Gr2OucAGcJ2H3lkcdj0+2x2Lf3efvG0FOhttC7hdO7csHMVNQpFCQzVAK2dXJbBtyoeXrloDRrIrJZvXry0dvYbKl67AbmoJxaGwb+lvoAZoaV8N1JZmCQozwBLQlkr3LAHaG+Q+vVb6jyaZeSrRjyqg5SbBLYAiwAW2gdxLQojLJXzKE+DEIpcY3C0A9xKhKV5X92OA26eyt3SsDHNea1vm8Ga5uyKPGFjO300pRzBhzBDZXUBjr3u0fsStfsTX8D6b1KeULEpXChFRO5x8g3u7x/24w73d4W4I6w9Dh+PQ4t3jHt+7v8Y4miySSymkqga7xuKqHXBoe7zoTnjZBjGsz5ojXjf3eGWOuDWPuNUnXKsee2XRIYhhPgvrctaWrPQqreGDj2F8CLA0VZq/Jydw69BAo4HGWFFM5sa316YXe2xnb8HWOW25NC3dwx/+EIC/nLYr/x/B//jvzx1CjR0tbSuxuKXjl9a3tlHbJvfzpQgKIxCpC/1IoLcB7H5qmhSQNft7VeM0KaNrTpePMwcAXyE30UepyIxfjlXbDGwlGC3NttIxS6D2qdfj9v3IZOSKyJzhPbrw4lVjrFLXONx0Z9yaR2hVVkQmI+ZXZ+BRReGlhpXBCcqEA+WckuS+Ahrt0JkxC0PmubpLluTzWWi1ZKYpNLr3wX1bKNy5Fm/sDb4cb/DOXuOdvUr5s4MPYcacoeWA1vup7FC4dsjd0cbCaDloifvUxEoTeO3MGFjYuJzALM3QErCd1un5tMqme3Zex1ClJhOGejtc4Xuna7x5PARAe9dBv28CoH0HdO89ujuH9t7BnB20dfBKwe5NEIzSCq4D7N7DXzkcDj1eXx3x9d1cqOOTs60AZsP2JdGoEjzbEjALdty81E8vlrQubqaU4HuBIjIQwl/qrrAevbtl8pY+fsbW1sKQax2tncPP3cDWroFYvp9HlJVAbG0Gd8nJRXRZK9tDy1IOLf9OT6M08CMAew/gDcK44U3l9rdMJTx3W8u7Tcc9sX6tzGcFlhlWoCAeGXN8+fWpn6V82Wq7gr39QVttAn7JrF8Gt7LtTcauT0rQvO4uz9+1UYvEKgcNHccQLtbkFRPkXD+EBCYRgO2tf8TJtbjVJ9yZPe7tPqQKDQP2Zoed2eFoOpzGBmfdpFQlYni9V7BW4wzA+QDEBxfSnO7GHd42B3zZXONFE5jdG3PCC/2Y6u7u1YBffMEj+qFY4T1Kk6sl9la+jrfY1uI7W957ZXcRwC1NSJMgop6dUYPlSzPQwPxOS9OQpW1D4ZpyZvbfAfAnpm3//rcwPvx+AFM47O5PA/jdrJnaBG5t39LxS7b1NjnWv8R5lR4HO1+z/fS/3DcB0DozAVwg/Na2CQDXNYCmkOOazwfqKUoyb/cCexJjm8/6zR0RP+4pYcY8vzYsy8dtfaFzIYaybP4kvhBmHy0MHI5+hzu7x/HcAaMKPqH1uGlDkXLDFJF5CHPeR6GIHI8PoHaHYyymfrYNRhKOwiSz3xobc2zHGPozZqHFOuYNc8EsHZNACdxl18eUb+N8cFa90knd+eQN3toDvrQ3eGNv8NUYBCBCCR+N0RkMPoQaU8gxlQiYnndUm46bdiJ0gMKNeTgxrROQbbVFo2wCrBzA8mdKYUfTJIJPitTn+LtQyaG7YY93wx5fnQ94+7jH3f0VhvtuYmjfAbt3Hrv3Dt27EeY4Qp9GKOfgtYa7aiKwVbB7hfEAjDcO7U2P19dH/LzDe3yty2sLPnsrgZZotVI/JSgm99dgG19enl8rOlm6UIeJniOT0b2Y8mvJSjJVW/Bhyffw9ZytLT0VfiNLUoglT8b2SVT+/bbSg1n4qMcyoJV1aEuAljO0/ElQ8w+YwOw9wgTxG/adT4j/gwBouZXALTCfWN4aoszHApy9TVYBl0s5t6VrPhXc0nHV/n9k1nbe/rbjaMwzi0S7EJsvAWl+PwY+D9tVxOhGHRFWdxfAKrtr49gCaoSGw94MeGFO+CbeJeA71evVUXNk0u442pCi9TDu8H4M4lX3ww7HIQDg+9MO37a3cG7S6iBtDl7m77rrcdue8Wt/8WXP7YdmXWBtHdbDkck+ZrXYUtsc66y9IwdotOgygBushU6oi79xSzVpl5BQ6ZzS8XIbcBGD+0/92/gKHi0mEUvlT/D/3PWyIvLStge2lG1sOb92zJokx5b2HjBvTxwnxZ9425zV9Sw31u7Cdl5dgmRoiOkllrfI8KKybcUuBrZbXu4k1/4p2CXsLpfKB4DeG9zbHc5DEwbxCtCtxW07V0SuWXAYk9iTE2rIRxfY2t6aoDCYwpAn4ShS9G3ViBY25sNOpYoI3NL1SCCKjiMbvIkKwEHin+5V+zaVCnhwO7yxN/jueIuvxmu8G6/waFv0roH1CqMzGH0AsqMzcF5l/dDKR2Dr0ja+L1zTo9E2KjJO6w0DsI12GZDV8MVJAn5vtM15lcSsHm2LB9vhfb/Hu/Me7x/3OD7s4O5bNO8Mrt4rdO+B3VuP/VuL7v0A876HPp6h+uAyfGOAww6+1RivNPobhf4F0L90UC97vHpxxDev3+Pruzu8bubiG8/eVgCRZG2ByxSRS/u3KyJXoOUl2I+W0dlQfi1vvba+5V1bm4eel/nhZ9S8VK3l2s2KX+JSULs2y1xhXrOfRApNPAHQvsacsV0CtMAEaAnUfgcToCXGlg+lZOrw9cZH9MOyNSD3QW1/BPa2GOIcl2vjg5KgVM0uBZ1r7G0N3H6IyRHCWn8vBbBL7ZTA7Zbn1WYh37lOiWR3ewV0kd2Fb1Losmbnhml1F2rLFnx5EKYMKVpHt8OdvcKd2eO6ucLduEcXI7pMknttMETNDsfGTnb0GIxBPxqchwbH7pkU/Vl51y6Rg1vO2Xrclra3HO+enHfbF45dOqd0vKQt+XfJ4JbsD+Mz/GFkHv7XfQv4s+xS1MTPAvhX2falh0PdWJuNkN2/5JjS9i3tbTm/K6/zEGaHnNGVJRP7+J3Uj5sIgLVdAbkXjF0+armfmsO7tAbukl0CVLcey4uba0x1Z0++xd2wxzgYKKvgNWBai9vmlCki14SjdMF9WKhUN47UkE+2RT82UxgyArBtTCxdE4WQ9joUO58YzMnZUAkjXnKIg19ilslx9N5MoNcBgwphQ2/tAd8dX+Cr8RpfDQc8jDucXQPHlBbT/anw6iIQO+XAerTaJuZWK5dALIUSh/65DPDSdwAJzNJ6en6elD1VUml0PpQlGin3N9YEvh92uO93eDh3eHjsMBw7qHuD9k6jvVPo3nns3jns3lp07waYdyfoh0fg8QQ/jvBKQ+06oGthDx2GmwbnlxrnzxT6Vx7u1YhXLx7xzZs7fHP/Hq+bB+z093P+9Ido8qUSv8tZ5RLUqn0nK00QAh+BsaXGl/xjAQsmRcrKlUpXveS9Oz+OLl7qbGF6dAZcax4rbudhyPVObLclVWMCsQ+Fbew7hRw3pwnM0rIGaGUOrXxifIqDA1oOar/D9sk/AamivHUc8MO0rSG+NXMLEGcJ3ALbBaZK/j8AxsvCkjddayPY3wJu03GVY2pPrjbuMJX11KcLrnGJlcCtVBUumUNdcNPE8YZGiMzawUaVZgVgmvQHch2QiaWd194N7TpcqxA+/Nrcp7EV+Xpid1PEm+twtKEk4924x92ww/2wwykKV/Wjwf1pd+kj+8FbARBxnYd+LGONJzT7ZON4Zgnwhv06sp1NzLkdRd4t9azEqMrtchtnZZfYWxTaKl1Pbi9PZfu/9FP4k3/Jpx7Rmb/5TwP+Xm1nSuW2S2rbyjbW9ks2d0v/akupvVI4RgN5maEO2MV1rnQMTKA3KR6b/L74LXKWd8s01UcXj/rYbC1vi7+ML5nRrM1aZtdhObbApIj8YDuMg4FxgGuj8i1TRF5SFKSaswmAMjXkIBzVpDI/I5W/QWQ3tUdnLPYm1JPj9d5a5dCKp0zOIVMHFOJYiSl2EdhSjjA04IGTa/HWHvDOXuHdeJVA7SjuMWdfxwRkeQhxq+yMdU3nFwY0EjTzbc6bxMQGZ6hSru/gTGSUTaqzdxxaHM8dTucWw2ML/2hg7g329wrtHdC999i9s9i9s2jfnmHuTlB3R/jHR7jTGfAeqmmgDlfwVzvYl1foP+vw+HmD0+cK5889xs8H3Hx2xDdu7/Dzrt7h8zaA2qVyUp+8cZZt7Thhpffs0veSg5TvyfxiS8vCtJ68SMkbL+BFOcso17fk164NAHw1DFl2mDvwtZuSVtkvRzyXjoCWmFquyHSf7y8BWs681gAtP1beNf+z7TGFGBOY/Tby8OMeef4aV0+mtum6z8Wewt4ugdrUbgXcbrE1ASoZtlyyJXC7pczQh1oJ4PLw5E1tPOG40jUuAdLy2C1jIGlr5XKk4nBe1lClAWgYY8jc3ViDQSGVHiSGF0DSy8h1QqZqFUMUpnpwOzy4LmmBfDUc8Ga4xrt+j3f9FYAuq7X7LKwri0gBT2NgS8eVivHUzie7VM84XEOn6KucwV2qd1vrTWn70rYl1vYSCpPsX8XvwO9j/Qke5y/+1m8DP4HcibwB8OcubP4pVvPbHOMv3fJTHsPStahPtOSgN35cG/NvEQDo2lgLAGBiUyYIRa7ZRcB2S15szdZmeWUR+I9lWwCwVESml+nJh7wOP2jQu3jXhlI/XXQ98lyypIbMAF0KQ3ZBDTmEIbcYrIFlUvhg+bX7GIZMQgitsmjh0MXC7EC53M/EgobcWao/R5/eNzDewSqFQYUw45Pv8M4ecGf3eLQhpzaJQMWQ4XBPPoFTCiMm1eYdU29uI503z/OlfusYgqSAuOQAlu6NgKyL+bJUJ/c0tnikz9DisW9xPrUYzwY4GZgHje6o0DxEQHvnsbuz6N6NaN6fod8/Qt09wB8fYc9nwFpAaaiuBa728C9uYF9f4/z5DsevNXj8QuH8hcfw+YjDZ4/4+u09ft7hPV61j2iVhfMa79xh/Q/uU7QKI7tklwpHLZlsI8/PqWnHl+x/AvwbvzuEBvGLXiAc5Rljy60Gpdf0l+ScMH3y/NqlwnOVji6KRm30VtREbYQit0tEfy+WPP6XgVtlA5glIFljaGn7NeZAtjQEErgZbzCBWAlox/2U8wMA5pz/DZdY4edknIFcArlbAG3W7oXMbcmXL/n3uerx0/qW4MvG55D1b21/rL0brvk0hvwS8aoEojPRrAuuhZwBDuHE1Ga+vWShpv36PZbOl+Mhye4CANSY5esC8woPXJhz2sYEPtWIW+1wrc/4vLkPpMG+mcY6Lox1jvYZMLZA9Z3La9rWXstPudSHxpYtYaJ8nwbQsfQiUk6W9W4JHZVmXJcYXNrG2Vt+jGy3tC79qURrdTb3T+Hfwq/94z7z1P/33xtZXNogBzgV8JctS0yuBKt8KcFsCXBSLm1bOH9tWdvH+8pr8VaArmR1qW7tFaYcXQDF+rVb/+4/CmNbdXAIjkc6tdlsYpGt2270ot5yjmQGJSgk1eFQ6icwgBgCo4nGY9+OODDGVqoDZm2JGUz6UChNCkO2BtaGHJEpDNniqhlw0/Q4mDOudR8ZW4tOUYBOzKetiGJxJWTO1p5ci8E30FEV2XiHwZsU2vNo25g/q6Ook00ldWRIMYFYCpdOoFaNGWM8OS2dQKpDHlIcwomDmASJVHGxqt4GJcQMyPYNhr6BOxmok4F+1Ng9As0x1p+99+geHNq7mD97d4K+e4S/P8Ifj3DnM7wNv6VqWujrK6ibG/iXNxheH3D6osPj5zowta8DU3v47BFff3GPb1zd4bY5oVU2PL8xhEQ9K1tCZLXjF2wJ3G4JtKXjAGBe5F12ouSgroNy4evCBchK09UVLFh3Z8u2BC0DqJVlfkqdkKC3Bng3WsnZLE2Glz6lffeYs7QEaB8DoC3lz/LvXWF7CczKGV26FCkc0+crBGB7aoDhWjTGGuJ9KOX2fsomhZ+4fT/zbz+2fWjtXJnLu6bG/FR15FIZI9l2tY/immtAWvZ/q0kgfKn4VTWMWnRDlhhazxnm/aqw82qqveugQvpUjCqDCFnWcQxE4zBic3l6Fmd2P3nj72ZmpZq2NeJNNleyJSZ3677SMWvzouTTJ6VkUk5u2d/cVkrxUuqxRlvW2tmak00/2h/FX8YfBXcsf/sPfgv4VewwqiTwsxubfopV/oaKRrfOlYeXwDEq2y65bg2Qd5MoFWd0zQjoKEIFc9kw9cn/4z9WcMcPMkikxnBWS/3YXSj1Y8Px3ngc2gG3+pRAowxhJuNhyFo52BhOy8OQe9fgPIYyP85NZX6MceiawNZe6T7UZdNnXEdgm+qy+eC4SmG8073FsF2Wl3KKYlE6nhdk+U0CvTRLSnmyjZ6YWB5eTOFCuwhoqWA73XvqA3RUY9aT2mME+HRdeh6hRq5JQJZKCz0OLc5jg8e+RX9uMPYGPoLZ5lGhe1RoHoHmCDQPHu3RoX1waB9GNPcD9P0J6niCfzjCPZ7g+yEDtGq/g74+wN9ew766xvn1DufPGjy+1jh/BvSvHexnIw4vH/G12wd8vn/AbRtA7dk1uPc7PIw7fHl+Bozt1umvBRaXwqTWhKNKAK8G4fjysvzawo3UcKA8lDAjqfq188NKfHEN8/F7kOv8uHkYcqnjcpu0C0CtPEU6p1LerPxeYmsJVd7PP+1DXRCqKyxrIlBAXmeWPlztmJfveQOgvwH8Fcq/fz8xyNSvz5CLUi1NTDwXq4FbzbzuVvZ2KST5Y0VbPbWsEBmfIJ/ChimUdSWs9gLGWOYHczZ3i20Z82wJLy4dmyYJ4nfO/BLQ1SrfvyVEWZYekkCXs8ltDbhWrjP1ZWJ0DaaoMABw4vfbwvKSlbROPmmLLx4ZjuwaVFnbmnurNF0FqqXtS5Bxaf/cxUx5twCxtsHP53m3vEe8thw/Rh7Ht8kZXM7KynWs7KfrL6G++bT3L8X/Csr58PV93P3bAP83GItLyxLYqy235ONuBaZyuQZy+XW29JfWueLyhrZL6sstz8/d4Jg/aCqrxMYC04uW9tdKCGy+zkJ+yKV5I8U2mACUjlzK0Qf28jw0wKjCC7dxuGqCiBMpEReZUlIkZjVnSfWPwBzl1/bOpDI/AICYX7szFodmwE1zxq054aDP2EVQG+rITbOxXHofkLOWCj3yMORzHL1r1vfBG5x9LN0DlcKOW+VwZfosxJjuy8AndpaWJpXlcUnKH95lubHh/kNN2aPr0Mdn8WhbHMcO5zGA2dPY4DyET983sKcGOGvoR43mpAIr+wg0R4/mGMHs0aE5WpiHAfo4QJ3OUKce/hTB7DgGQKsVdLeH6rqQS3vYw764wvByj/5Vg9MrjfOrIBLVv3LAywHXt2e8vj7i1e4Rt+0ZRnmcIyh/GDu87a/w5vEZAFvgspm9ElVWsBqgW7P6sTUwWwtNjh2VL/naBeT+uHQi/EVeoZZfy5pYvOx0Dh0lIV1X2FfavtQ69yRNfeSx3MHpJrnCMQ8zJjTJAK25y0FjDdDW7pI/V/m8OXaWZXxSqHEpfpk1QCwy5fJ+Vugnz7t9zrbG3BLI/X7n234/bRG0fmB3Z9FmSS05zw/eqnpcF5aa38Os5NJSR9euQ/ch/hZqIcpPusba8Sp/Lpz1zcAtravy/WdtRJZ3gJ6NxwjglsowfrJWQZecuS294SG2cauBWDIJG5faXGqr5AtL7QQZqQBq53m38mryjtZg9qX2sdsj+zPwf/PPIPNmv/ffDM5GAsA3mIO8mtVY09Ix0mozF1vsKUC5ZgSga20X2uH5ud83YPsppuLTq4urApcsf/GVgSkA9D6IElGpHw9ANR43Tch1NfAYoBNg3TIraL1OtdoeXYfTGMKQHcuvVSqoC+/MiCsz4MYQW9tjrxz2IrSK8mD7qDBIQBqCGaUw5FCPNozcWwAuMs+DaxLz3CgLDY1GWxx0n8KMd3pIDDQQwn8I6LbKJkDLa+qG32bK8aXc4qPt8GB3uB+7VKPuFIWfTkOD87nF2Bu4s4E6G+hHha4CZpujQ3scoR/HAGbPfSjVc+4DkB1HwIUHoroWqrmCaltgv4M/7DFedxhvO/QvGvS3Gv2LWM7nhcf40kLfDjhcn/Hy6oQXuxP2TXAFj7bF4AyOY4t3/VWojfuwX/07+FGxElvLTQLd0nElReQm+78kQa00Dn0KjZVmEeVxSyh05eprJp0+ubl6GLLsyBJKX4PPcZ8ZUXzVlxyd7ChRoxJVFpClejeFHfN6sxzMSjaUlgPyX1ECWc7Q0ufUBDCbmFmpAlVojEDtizGvh0vrzwnQbmZbNygn64pXl9fYIvj0sU1eR4JA530V3LZq+2hly/2UwqZlf4r1ewu2xhJ/KCHAjcCjEQA3C1cudIfXF67Z0l+hPDdnl5fbkkC7dB1ieU1UZd7FMkRhsn+oaqB8clZBlLKmrQxNlhhiDcRuBaaXYqCt8HA6TifmVlr9743n0JItfefrnPmV6Ekyr0soawuLW2vvp6H+NZ/7pV8G+H9SLbOjcghQOvYpyspbriFBKFD+sUu3DLFeu9bWfnfxb+MFVu0iYJupEhfYWK1UDI/12X6eC0Qv6TW5/XDswr6CAAIPR5Hg1gEpf0PuD2Gyke2MoG3wDe7tDkMs9QMF6Nbhugn1ZKmdpVI/oY5sZCsZW3tyQQm5dyYIR1kNH5X7tPZoG4tdM+K6OeNWn3CrH3FQI/Yqn90cYh5KH9sGAMQC6QQupZAC9UEjrzdL4cxaebSw0DqUGTrokOO7V0OqMUuWwq2VD2wtDx2KbC1dlwDtnd3jYdzhwXZ41+/xMOxwP3S4P+1wIjD72ECdNcyjRnsCzOMEZgMr69EcHZqHEeZxgH4MIFadB2Ac4UcL72M/lQZ2O6imAdoGvm3gdx3cVQt7aDAcGgw3GsO1xnCjMNwAw43HeOPhbkY0hxGHwxm3+zNuujO66FUeY270cexw3+9wd9rh8bHD8PBMauY91eILqCYctebcahBOnp+LRxU6UHW7w9S4FEiQTRQwomvKh9K6/JREpEv3x1nIen6tPLt2AxvAbPre1k+p3ZxkZCWo/YqtR1DLWVoK6eUqx6XnIS8rLy+BbJWR/f+39zaxsixrdtCKn8z62Xufv3vv635uGWTJE1oCJAsaCQsjywiEmOABMmaAhJCQzACQmZgBAyzACOQRHsEAmYEHbiQGCAGyAKmlBiEEMkJqqRHYr/v1e+++9/ree87Zu6qyMjMiGERE5pdREZGRVXXu3fu61lGpcudPRGRWncxasb5vfblzI+cijnaMfnw0/Dj2CXzfED5vS3JDc4ruNYkXEM+xjbXt14WlBj3pDAljirRHRlDUP5B3fL5meUPf3rXILXCaI5wzw5qr4zs3teK3j1F87j3x28+Pg4ZMzynJNPS5ciqvxlTNfVGIMU2UkdrUoy5sOrY99BFMEd5UuynSnKah1jFZR2hI/BMjz7NPhqWUfkl7vw3zr/5xt+yfdn/a/hkzXYphTt0MCWmpiprrI3dKc234ZWD6gPXv4XJu3AvO4eJQZLpMHziU1AL24aKyt8gR154JHs2l2CQng+bJAmMIMWBr2O76FVQvwLXli0Iq3MnjUMM2rMHmEYYh+/4U+BC6mi7zM7oh3wsbhuzV2spdUw2DzmAgtZ6wChgoplEboGV2fJbU1tjr1aDWKsPBSfIGPf+KuZlPp9Lei8blzvaT0CBl2PD3aMM/uh3berm1U2dtWPfHfo3Hfo0P7RqP3RqPx5UltE0FdZBgBwGxJ2R2D8hDAZntOhilh28NExyQNSAFTF3B1BX0SkCvK6iVgNpw9BuObsPRb4B+y+z7nYHaGKg7DbbpUa97bNcttqsWm6qD5Bq9Eeh7a3J1VBL7rrLncKjRHyTYfol35fcTMcJasv8pqQ1JbOydvv40mPljMKFxVO5ZmGAxMc4X/j03Ox5DizC/NlXFd26gpU+pRDF6egI0zJiyy1jubIzUHoFtJPR4CZnNqrEpuTc8n7Bxdz7UwIoqyTHX5TOeoS8WsxPLhOyE5JAS3ZhieQ6W5tjSfgTIsTQXFGwYa4zgTq5BtHQffYYHk+VXMOeac4v2mJtECAlmSZkgimxN38g6FVF8c/1p8s5xSqTDUkrTsbmFhZfbq7nX+Jy+FSRYoxFT1dbvkiO1VKcMMUdU82Q0vS6GefLtogSLyO3cyEpGVXo2Jewx1deSPn4OZnbj38q6Jpm6KiexS0kuCt9DYhmSTyD2gcYRO31/bKwfIO0KXYCziC3NrQ1ndGM36iUOjdFZ28yhoVqbQmw7VXg9vFNwoys8dSvoVkAYwHCDqrKhuaMjctnMrDeY8mrpQdVolDeOIvm1gDWOEgp3srWklh+x5R3WjDzcjEEHhsY5GTemGoj6Gh0Us0y8hRjdkJ1q27kEwtCMAbB2/BX3Lse2zNCdq59Lz1kbbvOewQdS68lxa8Y+97rGk1rjQ7/Bh24z1Jb72Kyxa2ocDxX0rgLfu7I8e0dmiTIrDjbMWOx7sAMJM+6VDTPWBuAMTApASpiVJ7IV9FpCrwX6tYBac/RrBrViTvlhUGu4l4FaGeiNBlYaYt2jrnus6w6rqkct7Ln3zuCrNxydEji4sOnmUKP3+b/tCwh7iiElP4b74NQ4yiN1z5mja7F9RkfkJUUJ/jQM+7PAryCt5sVmDwtvmCky65FS/ELONe+GHGs19ffCKVl6EjFGmTOECkhtSBipCVSsO/p3KAQP7sWhTTK9PLRh+l2lhDxCaGmJoVgebWzMpT/cvkvkXJGv4QKcU3hzBlSlimWqhFBI6EqIMp1U98dzxobosRCxaxI7X/r75lLldKnJVolbdIq0XiOrNKdzUpMqqvgqnDowh7/fKHn1pDVUdmNjCHN0U+2HqF5Cjm2Mo3mQ9bT+Nt2cJ49lZBaYBuvSfT7V/XAc62losjeXShtLlf59KZnNIbdvybrfh2H/kFsOf5wQnENqaVM5sujfY+3EttF1KeQuHW1nCdme+31KsJjYxtRYwD/o9FS1BT/7obqkVMFAUI0PJ6bK4nQ///LK7FAnzXDU7he7VzoPfWWNo7SdNatlj61oUUMNCqxypJWqszQM2UPD5tdSB+Be8zEM2TAwYcN6V6LHnWhtGDA7Oidke907o9EBaIzAztTYmRqdsfmxFett0DPTUMAQhryjaq0jo2GNOltjTqOCwZp32PKjq507hl4DsLZkzhjKXlN//ViW0H5z3OJjs8LusEK7r2H2AvJJoN65sjw7Y18uZ1buFUTTgx86sLa3yqxSQD8+FlldW1W2ktDrCmZVQa0l+q1TZVeezAJqzaBqQNc2nFHXZniZygArBVFryKpHVSnUskctFSruiTtDryWU5ug0R9sLHLsKbSugOg50DKxng4P2i0bs5pG5ocTub+G6cOY4dV9Mi6tt5D2yvCRSKVXLLWiVvsKatbHHFm0uJiROie21Ef6sITbPdDChOpsisAmDqLCMD+3R58v6eeiQc56EFceK2KYuT+xjf5q+h4TWc+S58Ggg/bk+R8RIbey5eQ2SGx4bI7nn1MeliDkYhzVu54glJbKhgqugyLYpOU8RXX+e475jSlWKeIZKMj2X8PzCfWLnQ/u5VljyiWIaOf+S/NqT2sGJ3N3Sb0Zqv1JjK280Oo77hai1FBFSkFJt/e50XWrqM7eOthXzIKb95P5eWht3eqpT9ZaaS50aS1GknJOXjyC/z5J9l66bts/Mf4AYwzP3f2GeMJaqqHPHxwho+E6XY7VsY5ibc5gbVwEuCkUGEnXihnzVfB7FpZjOCmZCetx2ahZFQ5HDcj0KDHtdY9fVQM/AjC31s6pszumQl+qMoyhixlW+D+qGfFQSbW/VWuPGzpiBFBpr0WMjWjyIg1NMDYTrpzMGO82x1xUe9Ro7vUKjqzEsmGkIl19KSW3jiK02bJgl9fnEnIRN+7I9Xi1es87pAtzlFLvSReD2mjrCbuvgTgntN8ct3h83+HBYY7dfodtXYDsBueOQTwzVkyW09ZNBtXNk9uBMoNoe6HqwXtmHpTEA5zAbCQjhcmVdeLFXZF14sVpjILQDka0MdAWYyhJZIzUgDVilIaSGlApSaghuSy0JrodrqjS3LtSGQTlS2ymBvufQSsBoBrjPMBrN9tyx5Fe82zdUaz1ygbUpbTK8fc+HIkcGRJfryCuFCKntC6PJY4+q2LLf15JaEQyqhOCmtqemV4PjlDxlli1Ow4pDm+GEckuJY3h+9G//3kirNESJbBi3nCOz/hXL+00QWk9qa4ykNjGPMRn/U2IozxWlz9QSbwsgH3oMxEnu3DFziJownUFyw/WKHKcJeU4R3Un+aXCeKYKrB8VynuSm8oHjucCn/aTI7SW/q1JEN6WknpLxKWn3Sq5vm95SY+HGKYU3/AaF/igT3xc3JF8OcVSTIx0+V4Q/9EP2iLhq63eJkdUwGiXWbMg1cjRxCW3MjS+1zqu3tBxQWr2ly6G5lF9uE8sUft2cMRRmtqXaix2XbsuwvxlcJffum5vLQ829g+zv31Nhv7GfFqXvKaI7R1BTl4i2PYNiYhvm06bUWL8fza2lD7iSR92SfSxp9DdTBg5j/2YAiDuhhnfKc+NieswJHcZqbV0aU2GvVjj2Eqx3hEUarGWPrXNE9iQ5WcOWGDiNpNartWIMQ1YcxgCM2zI/teyxlja/dutq1/obU2c0GgPsjcRHvcaj2mCnV+iMsK7EXKMyHJ37WDunEDeOePr8Yl+DlvucWj9uGKx4hzt+xAO3pNpvt7m51VCLd6h7S4yhPKH96niHrw9Wod3v1lA7Ce7U2WrHUD0C1ZNBvdOQO+JofOzBOqfKGgMwZkOLhQAkh64FdC2g1gJ6xdG78OJ+zawiuwZUbcOLdW0ImdWAMJbISg0mDAQ34EJDuBdnBlIoCG4guP0bsEqtce9KcyjNbEkkzSYh5OAGRr6gfB6P3Ozf3D5Ik4RShMfLov/9GYIb8sVwYOET2zOegh7DF0XuOtBj0vm1SzH3dHDtq+0pqaVk1ZPYb4K/Q0LbkneMP64a96LrtIw4FYckNlaSJzy9GKENx/NURmjn5jqWKg3PBeeQmVJyS5E1kSqolxvDHPEN80pzJDdEjGDG1NNpE37Cen7s/nfN0GaQBzpneuXJ7WRdJBeY9hMjt5NSOQtSvuYQfkdCgrtENQ7Fj9i8Ic2xTdXZtUQ1yHOmfwwmG8VDe96I8KXQQAqI/+ZPkdwYoQ33D5dTx+XaCKlc4nSipNkeOzWWSqu34WhzZfAumaq89Phz+jud2GftHyP72PGYX/3dsdB7yazDuTMTl6LUYZli7guUwGLFNgyjGW68jAHGa3uW9J7M4M7cdLUxkxvmkvwRjSm5pfumLN+HOqsBOgg8qRWabiS2EGaoYZtSepPnBWem5Mv8OEddpWypHj9czg0qrrERHbbi6IilHh4MnTHYG4FHvcZ7vcV7tUVjKmjDseIdKtOjMhKCaSgzdST2rsme1FauLq0v3+NL99zxo1WKWeuckLXNDYY1nfIqsDeFelIrfOw3eN9t8L7d4Jtmgw/7DQ67GvqpgngSWHt11imz1c5A7tUQbszaHqzXI5ldVzCVgK4l9EpArbjLkeU2N3YVUWRXjsj60GJhAKnBpQYXBpwZMG4sieUGjNl1guuBzPp19JviSa1xL63Hz5wxq7Jz6X6SMA7DX0A+TykSMlxKrfXIKZd0fcrzd9LZyTudWmxxWiQm02nBTdHIfOv0koRkKEZuQ26WdkO+FoK2Q2UzVGW9UptSaSPqgYH9Aaoi3Z2wSlpDJzzl2C8verF8/4lyQ3OEFoiT2jl8F8/8c3AtErMEKYJbUlIo1VYKvo9cjmySYJ3kdZpZlbMjfXE2Es5wrGJQW8XQBnfjFcwTTnbye4aOxR8XEmNPcE/TvIDhl8+JmZI5i9zGJjfosTEVd2l93vD4uf38M2EQLowZiK4nuSlfFT9FP4R8F4zp2SLCHE07+lv4ScS2LyOwMcfjlApbB8el7oeX8iPPaVKEvANHBVyg3ob0OiZflkicVcE+Je35trqF/Y/vhv16cLUA/MO/C/xfSCujqfe5fZbk44bbkVjn33fBGGi7FKkZlxmcHYpMiStVZUvr4Z1sP8lTce+ZezRVa3OgYcjDzdCRUups7ENzG21rrLatBO+ZjTKVBlvZDo7IvtSPD43RxEgJoE7B3JXdkTgaiaMzjWp7X+ZnfJAKV7/W59da0yZXfggGewPsjHSk9g4f1HYs3cO0zbVFN+Tc0vI+vo+KqeHlTaG8G/KajWrt2pXvUWBoYNt61Bu8V1t86Lf4oCyZ/dBt8E2zxYfjGh92Gxx3NfAkIZ84Vo+E0PqaszsFcdRWnVUaTBkYzmE2AroSMDW3Zk8bS2S7jVVi+w0lspTE2pBir8ZyYZ2lvQLO+UhkBXPvAbFlGH/IUKVWk++W/Xv8TjFmjb4YM2CcgQk7FvOScmwv/AWfumel9ov9HVtOl/pZMKiQ0cT2K2Q8Ib9H5O8SrnZa5ifX4xLCG2OVd8BBpnNlQ6U2JLXhr57wgwpfNM63xmkSa26yIXwVEFrej+WFUsNJdR8bSupH3g2nyD3Lr6ka5syxhv6unKfrld1TRXf8fTMoj57gunOOEVCOdJgyBVVwqXrr+wxdqMMQ6KXKbUqxPzcH+xrTuTTEmubuenMqBbiatT6P1kz6DcOUX9wUc+GN5xLVNsYRcipszgA3116KHMf6yBHs66i3OSZHMUduY1jSHkUuZzg8nuJ3yDaLP/G3gT8aHAUA/91vuN1z36sYQc0htV9s/TkP0twlW9BeMbGloTzldeFO2/A3qFwaW+6mnFNrY/VrLQEdw5Cpk+9gJkWUV+VI3FNfQ/UCTMPVsFWW2HJbz1XrkRDbfi28cdQwNhe6612JhzI/2pJaoxkYM4ALhV1Jm187uBHDQBlL9HdG4r2ySu03/R0e1RqdEVg7tVaBu3M06IwYcl8BS7Q5M0NdWkucW9QD0e1xx4+4Yy22RJVutMRer/Be3eHn3Wv8YXePX7YP+KZ1ObSHNZ72a7S7GuxJoHq0+bP140ho5V5DNJbQMqXBnJOxlhKm4rYEz8rnyDL0W1eCZw1bfmdtoFfaKrGVBqssgZUBgfUKKnOq66jC4oTISqLQAqeEdgi5IuSWM8Awmy/EuAbnGJRcYxS05vgORJTliDG1kmOQdkQOEbsnxfhRav9Jp9H38FWjxb+EGv/KPJlKdKqDZxe9TH4CM3bp5iiqf41hyLm9fYvhw7TkZPyLkNpYaHGK1KZmXum7Z4xzzsX0GHrBwgsZktkntz0IN/bL4mi/e+s+Tmr98MIh5CZhUj/Ynju5DUlf6XO5hLzEJqpLc2avTW6X7W8xIYKBukvJJl0f+9urqhqeeI55uTB8Qm6H/tyvgcodr72XxWBYORLdXF8jIuHfhNz68xF07Amjr+8asZzdkzS34PupjUFFwrZtFJ6/ht5DZUp0qZpbIn585wgZXWJ5TrXNTdDlCGZsOTfEEpTsnyPLU6TLAo1bU73n8lzD9zmZsy1sr6QvP7a5dlJt2G3/J/vLZD+My3/1Pwb+7YLh+G0lQ86puLHjEVlG5Bj6nsv3LcTZiu2o1jLo4MEQC0MuReksW6jWzpXzoWqtgndw5ifhxNqMpX5Uy1ENNWw17gPFVhlLJDnT4JGR+z5bkl/bKInOuSEPYa0MEMKglrZ+7Va02PIj1s6NWAHYG4ZHXeNrdY+v+3t86DfYa/tNENCTmQLv2GxJmu2j4gor1uNBNHgQB2z50ZHaHhUU1ryzii3r3QPClhN6r7f4sn+Nn7Zv8QfHt/jy8IA/PNzj/WGN/X4F9VSB7wTqJ4bqyeXP7ny5Hg1+1OC9AXNWhVoK6IpDV8zmyG4Y+g1Dt/WE1kBtDdRGAWsNsVKDU7Hk2iqwjqgCGIy3qJrKfXRXhMwKriHZSGo9obVt2DxazWwe7WAIRb5nnjinvt3mJTxEr4gcYchRsdR+5TVsQ/w11FjlO0+x0jq9W4xCp+YFwgd0+MqrtelH+mkPqazRQKkNSW0YbhyeDG3+LVlHm/fvMUU8HH5IaP2DMczZjSm0wTtTy8KOEXmfA/2pUfJpPBec+6wtwVIDKI9rkttzCHwsZJrm7IZOw359DFTFPVFVhxrwGQXUnCq5ALKGvWHJotg55BAquEuxtA7uJYjlP1NyG8srDl2Y6TX1ubhjJN7zIfazKGScKdU2RxJT6mvJcqwMUOly6b5h+/5vel/uYY2lpqptD43KfWdTrCo88xxZRMG+qWTRpe2Utpe7mn89OM6+/6m/CPxbf3G69l/8ZwD8dtBVjIyWIGZgleP2iKwv7YOOtQAXuSLzmSx9SnqX1KJbAk0Ia7RNp8B5tdYT0fF47jJaRrOnxlTY9zXQcTBtlZyqUti40jc2rPnUEfn0fPho4OTU2kZVaHtpw5DJ5KoQGitXv9aHIXvl92iAR10NebVf93f42G9w1BIr3kNx93DF6G6s3Bg501ixHhW3js4P/IBXosGWjcRWwGDNelRMD6T2Udf4hXrAT7u3+LvHL/B7+3f4cvcKX+222D+toHcVxKPA2pXrGUr27DVkY8BbG2bMDKBrDi2ZzZVdMafKeiLryayC2SqITY/VqsN21Vn1uuqcGRcxc3K1ZH3pHU9IKYb8WfcuuYZgtkYwh4HkU2/GXgv04NBOjTeGDS7ISvMT4hySZt/n9xIBp5xTayli96EUqS23UkpQzRjfSzUasqDyXqIIf1CEx5+GIceynkoQ7kdP9s6aRc2psqH0HLLB8FVq+BSePII+Y0ZUKTJLCC3vR5U2xrPpnPe5Ey0U1HTyOePsyKkzzKPOwVwfJcQ3Rqxj61LXIraeqrp0jBNvjsTY/PrRXXl8LsVclTn4MNHqnxReyQWzY1CBkkvRGT0lfWGZPsaG9zDkeqLgopyg5mrJ2nZnPtfE7zidWObBMZNQcL/PQGT9Pn69vZ5WtTWo2KjicmMGj5UXgRJSW5ertiF3qDFv6pRbzpUByvGVpXxpnghzAPVgNEnzb4HKhSfTnkN6nHM9TrGyS/ctaYeS3PDTjL2niK59/y32n8E+Jcfj+t0/C3mHU/k+fM9t8+/hrEfsmNhlokMNh53qK+xjBsXEltq3T9cXENbhYRC3el+KLJElzsiCmUmYsg5CjmP5tcpwa4zkSv3A2FI/lVS4l8dJ/Vuv9vp1NATZt98aMeTXtlqi0wK9sq66MI4gOSVxJXprHMVtiDBnBp1TTh/1Gl/1Vq392K9xUBU0GCqwwfjJk1R7PsblzfZYix4r3uEVP+CN2OOBHwbjKGse5Scfxr6+7F/j99rP8XcOn+NHj5/hZ48PePq4AR4riEeO1Y5B7gG5N/a9MRCtAe8MmDYwkkGtvTIbqLJ3Bv1WQ2812LbHatPh1fqIu7rDfX20Id+iR8XVQLQ7LdAbjqav0GpbJsl/l8wkXHjMp5VcoxIKFVeouYLkVvWVdGLDkWTO7Oy7IoS5UwJKTw2juAth9qQ5pgJ/r5C5kYT3n5QZVCrdNbU8PpjCu9knpBpuAFqMjyHae6o2eI7fUZ5minNrY62GVy9kns5yWG0toQ1JbYyZ+8Ni3dDyOzEym3vm0hcNKw5JbUy5DV6e1MomzrdjQw+XEdmXIvbz4IblOKdW7jmGUymEhkslCMOsJ4SNLOZML6fuxnrIwR3L5cTp5DQvd6rk0v5o3mmMUC5x4Q9048WYI7Sp/U7yZmfGETvf1HmGKu6ktBCDI8Iv4Jm8lGliXrUN72nzhLFsuWS/JesQWZ9bpspzzFRqbDFFPkvIbWzkuX1L2kshRW6XtBnb5y+Sbfb917fA7+zGo7xZZvXnAfwPQZMlfD5ESsXFwuWSvjJYpNh6t78Qtrbp6c1DF8yAngtbQ3VUa7Vh4+wpIbcKDC34YOIEAHBEJuZsbB2R1zh01VjqR2CoYVsN4cFxpVgQ0uRNoyb5tb2chLmCAVxorKoeG9nhzpX58cpwA4G9U2u/Vvf4pt9i169wUBWkI34r3mPNrGPzmreWnIFhzRhq0Q9ux2/4Hg+8wZqNhNESfnuN9nqF93qLn3Rv8aPmc/x/T5/jxx/f4psPd9Dva8iPHNWjI7QHA3EEIbP2XNSaQUuOfuVMn7YM3Rbo7y2ZNXc95LbHdtPifn3Eq/qIh7rBVrbYiA4r3lsl1IWK99rW/lWMQWthx6w5eveiJYwADIRzILRCoeb9QGyriVpvCTMM0Btbm/bYS7RKWHMv174xbMzdNfZpyV0fNVeohIJk2n4eL5HYUubWBuuDZf8gnbtVz21PZY+WhSJT6hkMOsV+wptjZD8tp7uHXBCRv0NE+Bla0DDk1FEItqcoXKhPEjYamkDFyCxt5i5oKhXjG85c+MvuHzohmW2RLhe0i+ybILTA9IdbjNzGwo9LSe1Lx5yrbQ6hAdISzPWxVBEO96XtL6mNuyRsOmz39G/Srp/0Tvyemaq4GpwxdCbvqDxZ9iUIMXVW9m2Xhh8Dp6QyZpp1rcB1Gi6cI71pJXx6PuGnR38/loyZuzGNDsqjo/KLQSGpNWJUbQH77PKqbYwshk0szbcN+cWZfCOLpQTbuyYD9SQ8mQ8EN6felpxBCak9hzSn2ki9h5IB3Z4j5af7/D/sf8MT/v5JWUWOHv+OWeGvMJwSU9ptyTvl+XQYqeHlvnCxtgu/dOXmUSY0NChTa7X7l8LcLKBgeWdkAAO5oeR2up1P1FoPT2qV4Vh71dJw7FWNYy/GUj9DDdu2uNQPNY3a6xoHX+KHlI4BsyV+pLQhslvZYivaQXm1+bkcH/V6cCPeqRWOWkLDKtIrbksDPYhmMJwCA4TRqN2db806PPADHniLO0LMO8Ox1xV2psZ7dYev1D1+1r7Bjw6f4UeP7/Czb17h+M0a8r3E+iNDtRsJrc2bdedaMRtqXMGW49kA/cYps3cK5k6h2nZ4vT3iYX3Eq1WDV1WDO9liI9oJmbVj88TVktqjFmh8GLcSQxiy/6RpmZ5KWFW24jZf2RPbyoUz+1DtXtvPonVtH/oKh64aHKt7lwPtn8PclQoy7jsmmEHNrdkXJc4vKp8HiN8oEuyNRcItUve4cJmuS+2TrmHrB5OrNtqmO/QIE4Ui+/dievopgpsb5Smp9WHIFGFgV2o59yLFYakDcmySInwwhA8MSmppJFTsBMOTpOQ1UWt2otBmXvQ75kOQY/QekWFei9Tmy1A9H0TzSBfmti4hod+WCVHuHM4xs4ohpvCmJgpCt+PQkfik7QWOyn7Zr0/VrQWm6m0KYb7q5PwWEOSlbecQU8JjhJ3mBYcIQ5dz8O3Y/OYX9Dwu/eEe7BdTbj3SpPD8fNvY33PrYm0tGUOK+8ypt/Hc23BE5xDRsI0Ql7ZZ0kcKuTb+jAvUmpLn/wh/Cn/lN3/LrvK7/ucA/ueFQ6WgH1BsGx1G7ENeMgcR4KIc2xC5cCDviEzh98w9JIAychsfz7TMjzJ8UFQ90Q3zZBtTDaV+mLLk00iNbdVixbuBGNHjBNOTUGa4OrK+dq03jmq1RKdsGC0A6+grbLjspuqsYsl61Ew54inQmDG39klZpbY3HBwGNe9xL494LQ6OuDaoXYBuxdSQT3zHWmxZjzXTEAxoDMNeS7zXG3yl7vHL/gE/717jp8fX+Mn+DX768RXev78D+7rG6gNH/RGQOzM4kjJjYLglsroGVO1L8gBq65TZrUJ1Z8ns600zkNlXVYMNJ2SWXLfOCPTavRthSyNpiVYLtN5J2rsWe4WWuBoLR2gl15ZsElLrSady+dad4Wi1HEjtvqvQdBJtL9F1AlrxIcTZGlVpcM7GsHHZYyV7bGWLmvdYcasQyxj7e64ovVkE+82ptjlqFq6PHXM6Yxmuy9DNWGe5QUZybXM90d6oN2Lu2LIw5HBwMWU2YRrl82pjA01d6FSzdJ/wZChhTimxpQpteJHIhfWENnVl5r5LiPwdIvy5EDv+uRNbj7myOHM5qd8GYV0SJhzmvsYwJZynx0/2TZpCqSnpMqfK6mQcM8rqyTgS+bh22/T8YucS1ri1YwjP4bTfc4lrCWiY8OSc3Rjp9czmNzOqGFF1euxjUspn4mIdn4TgsWU2Vqx41gh/vOfYnFs2wuUSu3tlSrXNkcLCrs7hFp8cU2qaUm9jubch/NnFnujnImzzUlIb25ZTclPvsXaBI/tb+C/dOr/lXzMMH6+p4gLxXNncly72XoAF5X6WmLvkIVAWApWbwZuDD7P1DsHxfbzZw+hq3BlpyWMvrHrAMNSwvePHidsegIkRlYcy1liqMdUkDLlTYkKWGDOQUqGSasivXTvyrAzHDjV2eoVHtcGHfouDqm3oLICV6HEvLKn9TDzhM/GEB6IoV0YBDKiYxpopVDADqX2va/xSPeAn3Tv8rH2Dn7ev8NP9a/x8f4+vP96hfb+CfC9Rf7B1aOXBgHewjoPSKrSDMrv25k+WzIptj/vtEa/WR7xZH/CmPlh1Vhyx4v1QN9deIxsK7Gvt9lqgM3zy3ptpuLF2SqmftPDrOUaTqJr3w3tFjKc8qT1qgVZL7Pt6ILWHthpI7VBf2MCp6tbgi3ONSlh1fSM7+50QNoTahjm/oFDkpaTWvccIR+y+k7sH5UhIOhQ5XI4Mcgm7iTAXI+OcK5VfC5w+CkOuFldr5wblX7GCNuF+VZx1x4hqii/TfeiJ0BOKmT+l6s365ZAIhx9lMOZwToiqtSnyGrsqJUh9Z8NqRt9XnJOT+m0hpkSHmAtfLlVzqQo5d01oTnBOWfXtTo4lRJA6HdO+k/0SpTbs51IV9lycjD9wjI4hvH4AotewSJkuDKV/nt/wGZzBLqlqG6NDlyLVZqz9JfQMiCu34SmXrIupt/POySU9nEtGlyB3/Ny2pfm4p+3W+HX8y8ED+s/jvwb+9T9r//RN/G0A/3umm9QlRbDe/2iai4lPtTWDRYrt1NVODzd3ZUz2xpy6SdGaZZyxIdHf17md074UITe5fYCRbIpgnFTFBYBGV9j1NXTHIY2dpGWVxlZ2kxDhCblFULsWp2rtSNIcqXX1V6XQWMsea9FNFOEOluw96g0e9Rp7XdsQZMMgmcZGdHhb7fG5/IjPxBPe8CO27pehBtAOpN2gcvXd9lrgK73BT7u3+HH3Dj9u3uGnh9f4xf4BX++22D+ugI8V6o+2Fm31BIijAbQntDaHttvaMGO1NdB3lszebY+4Xx/xetXgzeqA19UB9+KIe3m0hG+YhXVKtK4GddaeF7chxo58hrmzkitAA1yYodYshS/dIx255MF3zrc5KLW9DTu2ocdWSR9IrWLDBATnBoxrCKesr2WPu6rFVrZ4kEfcySlhD/t90cjcSEpu3SkiktpnJLW5gYTUEQD+BvBX/zHg38eUnaQQIXe0hi0lsyFfpOOOjSocYTnogFP2zuE69wo7ohc6VZYn96wLXyXhxYGbcfICptY55NRaOvRwkjXH0edA2wzTjJ8zTpTJQDWcI3d0+3MkuUvGxFkQkg1Brgf1vUgrnEMJHyCq3sbGNzGdioTZxpAq5ePHkBrf0C8pVZQ7LoVrkuCwDi8wuj/TSV5L7NO5zVQFt3+bSb1fnzubg8aUyJ4TNv2do4TUEpYYU215X8SFi4YwN6xz27t0DCGmRNmqt7Tm7XL1dilKGJjfliKipQQ7tQ24PB933PdL9s/jz7j/337P/978kzDsty5XcRFZF5LdXNszuGoocgzhw3awac8cM8058fkS03BkXXDT0gNJOi3NQ8kphw0l9uG/+76G6V2pH2Fr2G5EN9Swpfm6IiRQzqSqMdVQ6uegarRaDCVpfHkfzm3t2pW0zsWSW4JsjzPojMBOr/Ck1iOp5QorrvBG7vFW7vAD+Yh3Yo/XXKF2182Ncji/xnDsjcRX6g4/7j7D3z1+gR/tP8NPdq/x9W6Lna9H+yQgdwxyzyAPsOcvGcwKUCtAbYDu3kDda+C+w/quxattg9erBq9XB7yuGtzJI+7FEWveoSISjFdlPaH1hN+TTXpNOdNDiQR/ve2564HU9k65Hh6iMO64eH1av682Ln/XcLRaoNMcveKDSms0O1HVhbBGUeuqx9optZ7Ubl1YtSe1Jd/L7xxL79tu/5xam/o7VVUnXDclKiFFDJfDfe9sIfK3mcEU3CCpI3LIv0ouWexYAxlRbFOzqAniuoS2pUhsrokU+QwNoFIlelIXLLWN9uNADaOAUa2NnVKG4idPL0TYdswI+rkT21wI8dL806UKrm//ORHiUOmlzsPDuowamFJvc+pgrO251CoPSnDpGEpR2k+IOZU3ZjiVg/+m+W/CcIz3pwhq/86VZhomC/wwhiGchih/r3Aup3JY4pI8JYLT52/s6ZQ6Ntyeok1z2+g4UtQtti7Vnv0NzCGhv4Xc21w7qX1i5DZErI1wW2r/0vjadB+/gj+O/3HYx76z/+NL4B91/zHDH3DfAPh9nH5ol6JkziDAJye2MQii0n6qUJoxDDlf53YYEwxaI7DXKxz6ipT6sTVs7+RxKMEz1lIzk/xa329n5GAcdTRyCKv1sCVjmHXVlT1Woh9UP8CGzDawIcxPau3IoAtB5gqv5AFvqx1+VX7AO/GEN7zHHePWjREanTGDOVRjBHamxi/7V/hx9w5/5/AFfrT7DF8+PeD94wbdvgY7CIg9h2gA0TBwZc+7dyqtXtlw4/5BgT90uL9v8G57wLv1Dm/rAx6qBlvuja/UmIfsyuccjS1zZI2gqkm4sSe0nFk3Y07KD9F2KAHufX60YZOZdXsMmSUOwoLHmsZsyNdV2qnEhNACjtQKmwPtw8XXLqfWm15RUguMavSLxBwJIYjdglMuxzHE1LZThAG+dLnFSYAwVWljTDrWYWS/Ej5G76+hTxM9Rmezu+jDZ47QhrOwwaApIwvX5fhweGJhbuxcmZ7Ua8bjK7xgoWFUeGqxUyoltnNTCJQk30fenzMuMU/KtVdCVpcS2m8z9HlCkALnYT8ailT4bDjmJbnIodHmp0JMvS1FiaKZ22fOZdlvD5Vc7xw9136ohHP4UOVp+3Nj/rY+i6sixuYyy57Uemd/r9qWNjOXWZo61iNX5SVsY46fpLyGUsfk27PfTukmmMOosPwdKUdCr83eSsZxyf65cwAmD+QMQf/9fwRg/6D7f9cEh/2dvwlT/7lxCIg0UbIt7JrOeMz9uHT4TogtUHpTteHIc7m2CiyoIRvm3/hwl9MwZACEmHAbPtxLQNk2jDCoIqV+/HE0DNkbVNEw5EZXaJ2LMQAIbmCM7a+WYzkaa26kndpbAwY46moMQYZVa30I8hfyEV/Ij/iMH/HAOCrGoWDQGYPOAHstsXPGU1/19/j99nP83f3n+P3dW3z58QH7pxX0rgJvOHjLwDuAaQYjAMXt7wBdG6i1gbrT4PcdXt03eHe3xxebJ3y+2uGN3GMrrKkWvQae0PowY6/W+jq+2pVqAoCK21+1kumB3HoDJs7MoLp3hgPafsf5xP2ahNN5QozR/Zi2E8KX8vGElrosgzlDKqEn9XB9HVzODBT4cG6WeNvzfXGYIyKIOyLnkCMTuf14ktCmBhncwGOd5CQ7t6zl1BE5xe1zj5jYMen82tQViumRqf3JpntMHw5+d9EHo3IblBwHHYYTzym1OfYfhiDnZgkIqaUhyLHc2hwRLbxKE5SQ2mt5SnxqzE0Kv8iQzEKE5QenJWKmBDd0HvbIhg3PEPJwcqEkP3QOqfHk2j1Xvb0EKVEi/VvNnC5GTKeAiHqL6f5hczG8SEILLCa1vvQPVWxpSDKlLjF+EdunZJmuC7lHijrNbYu1lTs2x4f8tgpAT9RbwOfcjs/m+dzbS0yg5s5+DrljlqxLPdHKx/JH8esw/zdls+P75+xL4O2fiz+Mn4qavxoW/Qqfus7Nz76e3PSH/ImpWrsUaiavFgBxQw4s/R3pUU5ZE0yTdQxHY/MumSe20oahejUyhAjMo6ha27hwW0/mAFtnFbCkqRbWNKoWtr7qSAYrKLCBGGtj6/LWosdrecBbuXOk9oAHzlAxe45Ho7E3wHtd4yt1h/d6i1/2r/CT41v8aP8Z/uDpDf7w8Q6HxxXYXoIfGXjPwLQlsmZlYNw569rArDXEXY+HO6vQ/mD7iB+snvCm2uO13GPNenCmLZF1amVHiCx1OdYuf9afOwwg+ZTM+pI/PpTYE2DFXJ4v4xCwBlI2B4eaePkcWz2U4/Fk2e0BAYMeVgE2g3oLu6yZrS3s/maB2jvMNRvmwphtGPUB1UC8D8pOYrwoLJxwDOuKxt7p9pB4hNsnbZ8YR8WWCwfsmUtqGx0gRuOoFlNuVuqRSEe2YJQ4vUqxK5Z6cLmHlQBQS7tK0GsYjt5dEEVONqbS+r9TNXFTzD920glCu5TUeqIZEtCQ9JYiNn0QktrSnx3fJUpI1NIyLZeGGadyUpeotqX5v3MlB1OlkHJlgy5RlpeS2iWfyxzhPSnHmCC6ofFTCjlimM/vLZ9ooaZTQQ/ZNmLji4V2vxjEZkwXElwPqt6GhlIh1QqbWFLfNlyXIrex/lPElCKm3HrE2kjtM2JUb+Pwube5Vq+NJQT3UyH35SufRvhD/AzsP3T/j2lz/8b/ClP/4+c2W/ZhB1j8K1yAZc0UBGMnD4bcTCI1YKAPqZJ6fJTYhKqt3R6vXwuMam247qSGrQDWVY8V7+BL6djVBmr4AWAf2coRvEZXlqAaaxpFSa3QHFzY0jMraUmtHEJuLZnVjITwGgEFjhXvsOI9XouDI7U7PHCFFbMEvTEKj9rgl2qDX6gHfK3u8fPuNX7WvsYf7N/gJ0+vrePxkw09Zi0DUwyGG2hpZ/1MpQFpwGoNueqx2bR4vWnw+eYJX6yf8Fm1w9tq5+r5jjVnaf4sVS/t5MIYalwBNnHXf/aehBIy65cBF9oLARiNHsKS1Ekurpks+5ctu6MHNdh9GwDnxKzBBqOqXlnDKK05tGKAK8VkjCXSShkoydAqW37I93lQ1ZBT22uORlU4KolD91J0nk+D0lv0slt5jEFRttTlOSE9PFaktJ72soyYLiG14UMswrCL6RrtpRvNCybb6BOjnm5OGUGFocdzhDb1d4r4ElJLySwtIRV7xUjtPaZXaMl3KjWNEPtE/l7F0vDh0nq4uf7m1l8azhz7XfFd5AlfU0UP20o5KIfkMUdw58hhbDutt7sEdIy+3XNU7xdJaEOcSXBjqq1HCZn097qltWXDdUvV1jnCfE6Ic2ofPzar3lK1diwNpCfk9lqYuwLhPlQdLmnvnHUUsb6WEu4awD8B8xf8seP7b/+bX9o/Y6ZQn4jXf3J56XQ21JFjjAQ4Z88fuiMPLsfB+6RPM82rnZT1iZTnmZb6qdF10vIvZkOR19KGIofHerWX9tM5MurV1s6RKa8mauFCb13N1Zo71ZO4BXdMDOqtNgwC2pJaecA7+YQ3fI/X/Ig18+ZQCh+0wZdqiy/7N/iyf41fdK/w5fEVfnZ4jV/s7vHN43YktZ3Ly6mNJbOVAVspVJVCveqxqTvcr454u9rjbX3Au3qHt3KPB9FgxUcV6OiIbKOrIY9WYepozKGIW+RUYfXvlMxO6gEjHUbMYcbcG5KbS0ktdWL2inGvuSWpvcSxk+h664asOw7T8yEEHdxAaTPUd/chy50SOPTVYGSlNEenOdpeoulsuaAXgzn2duakZe4+lSIM8uT/f4wVxZBYXzIIJ8vpyhpHha2VnP7S/eOD8e85nTDXeu5aBUT6IMtr0LY4VWtzXebqHkVIbajS+tGGr5SxE71isatWOsmbOvYloMSj4hISVUoqLyW1pVhCcmO/Ka5dszcW1vwpVPQlSIXu+hzVEngltXTfJShp95xw7EvG9OxwBsH15BY4VW3nKE5IcFP0iHadWpcq33MuuU1dmtJ7e3yfOfV2Lv/2msixu2uT7G8T9ur/SfxXYGaHyXkoCYi/BVP/08u+JIWXopjYCnw3uToLU/tOVNyJ83HEwdg7IgNAYyrsVA3Vc6tmMgBSYyV6rFk3Od6SYT6QYgWG1iuXLgy518QcydVZXQ3la2yupuSeyLHBJXhQLN25SK6xFS3uRYM3Yo83Yo+1Y95Ho/FeA79UW/y4+ww/7d7iZ+1r/Pz4gF8cHvDV/g4fd2u0+wpobZ6qEQamMkCtIdYKq3WL7arDXd3ivj7ivjriQR7xSh7wSjbYiqPLMVbDuGy4tRzIrSe1AIb9UjVdYwQ3DOlOYcyf5YCZEmRPZukEhAazhNZYVbVRFZq+wqGTaNoK7bGCOgqgtZ85NGwkFXch2YqhUwxacfS9QCPlJFRaaY6+t9t0x2G65+MSejVEngzh/SX2dypbNN/WHHvKYK6j1P6k9ZDD5XqktcZT+4e5PGPHsUHErlZHtsVGE/t5EvbjPg0l4yHGKYU2Foc9x+TDi5EhtTGVNvzbk9p7nJLau+CYcBglP3zoaZTu/1yQykP8VKQppeCWktprK6NLzbOuTWovRepzOidnOu00HFynSbWBuYi4+dDeEgIZO/5T/ZaMjefbrvF7VSwhuA4hqV3qlgyk3Ynp/rl14VNrCbmNXYLQMTmFJaQ3pt7G8DwI7nPqa+mxfwmG/SWc/nj4a+Ofc0naSx7oOEOx5e7fJTjJjYA+DZOJ3KD08D5/U4zl1wKAgLaq4km4tFVID6qC6jm4U2yZNNjKdqhhOzkPR4qVM0vShqM10xxTnx8r+ZSi+zBcD+963DMBWrqmYgpr3mHLW7wRezzwA+5YD8GA1hjsDcOX6g4/7d7i99rP8ZPjG/zi+ICvmju8P2zwuF+hO0rAES5TG0BqiI3CetPiYdMMtWcf5BEb0WIjbH9rbmvrVkxBQA+hxf7cPKlVhg/qrC97E9Z09Z+ZMhyasWgoeA6cuXB1ZmyerRnVXEs0CZl19YLtsp0waJTEvq/x1K7wdKxxONZoGwndSLAjB2ttvvHwJeN2AkBXDKbm6DsNVXG0QoJxL+MyaMWs0tsxsJ6Dd9+DcKgEcvVFz8X87TFGbiPyYYxZxxqPkN+YcVRqnKnRxLblEbNxzl2N2J09dbcPiXMFqC3wNaakNqw9G2P1ics9WfYkODwuaCMktSkyC0zzXMPasnTSJDxbCjrMklzpp2Acz32ePFbOBriMNMzVVY2RW2XMVRTbsFzPS0Hq+pcqt0sR+4xySnZYkmjAFR5VJa7M0W2Rvs9xaY7V+H3xam0MhQSXqrYhcoQ0XJ4LSc6tK9m2lOyG5PYczpPed169Hfc6F7mrlNo3XHdpmtscIY1tL1WMU2POfdN+G8z8J2R/v/1rmPrfW3bJApQrtoxdnMPgw5A/NbwzLzDNpY2FIQNjLdpGV9j3NXTPIYz1EmJSYy16rHnnwmbNUOYnhFdsvYGSJuG01igpvAnbv3stoJk1IPKmRxVXkFDg3GDFetyLxpHaFhzW+bgxAl/pDX7cfYbfO36OPzi+xS+ae3zV3OHpuMKuqdF3EkYxgBtAGPBaoV73eNg2+Hy7w+frJ7yr93gtD1ixHhXvBzMtQdRPG2I8NYkCfEjwlMz6kG+bh+wffD4HOfGZGV6s2vrP0l9fawIloEmZIF8iyCu1h77Cvqvw1KxwaCr0TQXTCOsK3VhXaG+kBbjC5xJgHYPuDUxlCazhxl5LBpuP61Re1jPwjo252c8dc0+BQpaW0h5Ljgv3jZtH5QbTAviTYP/cb8D8LzhlPCFidYbqfI85nTRGamP7WtU2NSi/PvfQKrWwou0Reqa2p0ptqNJ6UKIaIkVuw2MjrxSpTZHbUO2/j2wLzzbGx4GTwlAD/HrfPj2N505qPeLlbNLIkcYYyaLraI1XYEqgcrVel+KlEtwQ1yplmPUoCYyXKMmln09MjJgWQFqofhcQytx5KzNVq2PnUYLYNaZjedFqbQxzBNfhUtU2t5ybTg23lYpwVxDproBPSXA/xZn5XNxYP7m+58Y4t+5a+G9gmH/y0j7+gXExNptRgGJi6z/M8MEVcxmk21I3luj+MNHbqwagjG/TE6X5+rTUOMrmw3qyNS3ZA/d3Y1ypn96GuUIAQmhsRIeaqYliS0mbHSN3ObajG7BXKTnTqE8UReZyP9lQl9WHuNbuDlRLW9t2K46440esmVVPNRh2RuK9Xk9I7ZeHB3zd3GHX1ji0FfretSs1WA0IqXC3OeLt9oAfbj/iV1Yf8YP6EfeiGVRZnyPriawns+E1Fc7IibvpQUpmJxMI5PhQaae5uCGECzdWPtyY7GJzZcVw/Whos1/uvSOzFjh09nPdHyscjxXUQdravQdXu/fIwHuA9QBzExpGAEwysNqu0xrWOVkaGEEGowGmrBHX9+0Zei5C0hIjLPMou4Np/Kcw/y0D3pLO6XtukA6GVL5JkaAcUiQ33mmK0sVaDY/NEdywDU/X7uKkliq0CJZzSJHgC0htSGznCh6F6+mwaNfhsMKrQ5+TXq2l2547JkrcjNnicyCJS82oct4b56DEkPIczI2xhKSdS8DCcGEa3nytusSx84spp1T40AFxnZs0CYmuNxK9VEy5Rvmlbw1LuE+GgywxkkJmOZcrG0Nq6Ncit/R9SeRqyWWkbdLSQPFUIouyO1lpiaAYSj6tcEI81l7pVO3SY8/pKxz/E1n2+DGY+bWgHbts6t/NtD1iUShyLCwpBbqt5MYyce8bZtuWgRpK5fJrY07JnZHYqxUOfQUoZsmMMJDSGjf5GrYUvs0OtnYtDUMe3YANVkFsiDYaRy3Ra25fPmSZ1HCtHBFf8w5r1lli64ybGiPwqNf4sn+NP2jfnZDaYy9gDMC5Aec9ODeopMLD+ogfbB/xRzYf8UdW7/F59YhX/ICKKafESlteCGIgtNrwoCasJbSCqeE4ei1CpdZf7yFc29X6DQ2h/AQDNXwajyfmT4aj1wKtFui1QO8nCZy5k3cpHk2dBNpeom0luqOEOQiwRkAcGGTDIBqAt3B1fG1/ho9kx4YkA0wwMGOm32RmAM5gmLH7KXz/yO23NF2aVmvpQChlCTDHE1P71dY4KsfrwgfjHGlahtOb9xSxXy9+fYzMBtMI1CwqR2pTiJ1gij0ieA9I7TogteGIgTipDbfTYdCr4d9T1YkownbphMZLIbYhUsTtGuQwRs5SYcl+LDGcQ279cdcAHdc1SO7VxnWhujtRS08ufVk5o9RnJpzlev56BdchyOWNnV945aKlm4yZjDZUeVOgqu2Lr+OcY2gFLO5aqm2paHbOcK9NbkuRppf+W1dHjC0R3TMO3/pcHdySNkpAVdyST+KSdam+EOk3NpbU8tcw7E+QdiiuTGznipgD5eYQ05m5Mb/WKrNpUhtzQg6JFeCI1PBAHA2e/D7KkStlONZsXLfXNZpe2nBSYwmOlAob0aKCNSaiKqzvy7/TMGQPX3LG581qw3F0YbzaMLRaolNWfeQw0IINhlKcGax4hy0/DsTam1P9Qj3gp91bm1Pb3OOb4xb7rkKvnKIqNKTQkEJhU/V4tWrwK5tH/HD1Ab+2+gZfyI94xRv4UkU7vUIHX75HTkgtJa0AAKaIKVbM/IKEgnsi68rsTEPDp8ZRPHiwecJqJwts7diDM39qtTWs8iRWOSMn+xqXu05A9cIaRB05eMMhGuaILcCPcGHIxqq1HNCCwQhYV2zuw5Kt4dZQEokbS2wdjK+D+xIwd49cyNQuzfxIHz/HuACObtoA4XRJdkJYja6mPZWe+hJSG5/xDelTbOaTbgsfCuFJh+3enYYgh4Q21R0i+82dMN3u+mGHNKmNzUOEDscpghk+Culn56sWLSG24esc1f77jNSzfylB+j7i6qpyRGEsyWOlCB2Nw7I+qd9rIXENP8ec4p3LM6bjn6z34507n6GP6bmUXo8XodjGokpTKOA5Japtah1djpXvmUOKiOa2XZvcloynhF6mFNx0iaBc6zFye84VRWKZ/jbI2XeVtBn2PbeO5uKWHpPa3gL4HUw/Ebv8LxjgNzOteCxSbJeaRtEbnfOxnWwbZmODkOWg+ujkfQ4T0hvJrx3DYqfnYkv9VDh2csiTNMKglj1WvEdNVFfONASp0eqNqjy59RjVVzWQOE/SPKk9Koljb92QPaHVgo3GUcz2XcGSyR0E3qs7/Lx7MxhFfWg3aHoJpRk415AMkEJhJRS2VYs39QE/WD/ih/UH/LD6Bj+Qj9jyIwQ0OiOxM2JSf1cR8u5DlCty/so9xDrjCfo0XNkjVMZ9Pq43m0oSWkeArUGVxNETWmVzoP01a5VA52rQ9ppDa2br0WrrYqy1y4ttOVjHwY4M4mhJrTiOSi3vzVjeiVm1Vlf2pVYGam2gNxpYKYiVspMG0uY/M/e5mpdCaj8RzlG4QuLCh5txWDcmBbItZEtzILywn1FsaW8hkYqtjz8k6QBjTDzsKfeQjIG27zJSKZmlMiYdfOwk535gtWS/GIN0r9Lw40xp4RPQHzJtsD7g1VkeH16tl4gSQhUteZP4oV+qbF1S9udc48lLlds5dTY37rljr64qJ0J4w1DfHMpqw8ZKH57mTZci/GxDt27BKKmlZBeT8aWuop4sk/ObGdd3H4S/AOcIeYn3ufI/YROIdB2Sx091KkvbSpHb3LGXYWn+bSnJvSbmzjS2Pfy0Y9+MpetKlFzg9LrE1k37+U32l4uiIstzbGNOxsZEb+YTQjuT9xOqtTFSqwxdNw039giXw/xaipgjb6MrHHSNrhejq5wAaqlcqZseIlJTVRES1pkx7xPAQE49sfUKpDYcvRnrqbbKhiIbAIL7EOYxBNqTytYI7M0Kv+wf8PPuFX7Z3uNju8ahq2AMQyVs+aBN1WEjO9zLI97Ve3xWP+EH1Uf8qvyAz8QTtvwIwJLs1gg0uh5IrTZ8UGh93/7c7bWzzE9DDEZSPtQ4dr1P1pO83BD+s+20GEjtQdU4qAr73pLapq/Q9BJtL9Apgb4XUIrBaG5rzWqrnhrlatIqa+jEWgbRMvDW5dP6sj5eleWA4cwS2hXQrwG1Nei3GmarILY91usOm7rDSvZYyd6WF3J50d8bJO6LJY7IIXXLqWLz/DOkLQtQwv3c31qeElSK2AMzNAA+DzlCS5dDMpu7uqQQjg9BDklt4TzB8HfqtSCvtoTUlgwnt1+K1MbU1/Bq5rZ/33CpenVJRYRrl/uZwxJido2w5FL1NkYAU0jliJaquLlw3VDJpWO55LMqyTlWQxTYNGSYKrm2rTxyo3xRhBYo9wJaiJhqG8M5OltJe5e0kWorRW4/Vf8eJeot4Cfpl05OxzBH/pBYpvueEzI8t+/cOv9ppJTcUlIbbvvrAP5dzGFxuZ9SLHqoDCHCFqkbEjWOSoGGwAIgYcjE3RcjEePQQw3ap75G3wnrdsusYrsSttxOWOrHm1DZ8XrH33Fcnsx6YiuYHsiaNgytsmpt00t0/ajy1sK2uuLWiXnNOwhm9e3WCLxXW/xh/4Cvuzt8bDc2Jxi21u1K9rirWryqGrypDnhT7fF59Yh34gmfySe84XusXdmixkg0psLerGzdXVNDwYce64HQ1kxNwq4VxBCuHAu9FkMOrj2m4r0jy3BKrQIt/WOv35h3q2BDtX3Y8cGptN7VuOkk2l4OIcZaWRJrtHUnhpm+e2Mnau5kPJmV9qOGZAC3DwBdAf3GQG0M1J0Gu+ux2ba43xzxet3gdX3AQ3W0hmK8h8Cp2/WLQ4r0JB6odfB+DcRzbMPl2EDb85iz24caR8V6RbA+9VqG3OBSD5XwuAypVXJetsz9YKL75052AakNMffxhGee+3xixJby+dJ+w4mZl4hzDZLm1NoSopNSPZ8zob02zjnXOaKbq3V7qbkSbYv296nNxlJlh8LUppJw4xjxH0WRF/hszglrC9+Xqra5dXPDnXu/BubIbWzf66NMvR33pKNZOqrccUvamtt3jtyGYwFOP4FwXXj83MxN7puz7LqdlWMbqrVLCsKHuR+DLbuJh6GoM+5LYX5tSEq92kvXN6ZG42vYKpcuKTVWoseKdxMDJUHcm32urg9FtufoFU9Lir3i6olcZzgaR2qPnUSvuDV60rZVyfVAiCtmqXhrBB71Bu/VFh/6DT52a7Su9m0lFFaix6u6wdt6j8+qHT6vnvBOPuGN2OMN32PLj6jdqBsjsTM1dnqFnV6hcYmGY9ixC392hNyPvXOE9qgrNO7d17EFvPN0xCHZ5eQOJXrM6Bjta/2ObtKChB7LgdQeugqHtkLXC/SdgOo5dD+qskN+q8FAYBmdAOHGKbJOpnVEdghBFoCuDFQNqI2B2SrIuw73dw3e3e3x2XqHz1c7vKt2eBDNoOKHIdovCi2uHw1zBk7NGUpuYBG2VmK5HCG+KfJDb6Upnjc34ml+bQnjpi3G9o2ptYTUop6yuyWfL90/JLcUsZq1wUXxCsGS+YbU4zt1JVLdp6Kuwzbo5xyS2iWf1HNGLPdxrlZtrI3ngGuRrbl2vuvzLQltvlYpoRiW/J67BnLOxSXh15/yWnxruJS3zCCn2sburzHKkkKKaH4KzBHo2L5Ljl/Sfkq9BRDJv8WClkvPNLcu3E77jym4c8u5tlPrcuR2boypdsqwzBU5MjuYrVVWmAehYdXaWOjxuP3UOOqkHeLkGws3HvZxZWwEIZxHWsPWDZhJg420rsR14iGj4fucqrXC5aeuHLHVhqOBJYKNqqxa21ZoOwmtGYTQMMI7I9swZHusN42S2OkVPvRbfOzXaJRVfleiRy0U3tR7vKv3+EH1iM+rR3wmnvDAD3jFG6xZP4RCU1K716tBba1ZDw49EFobfqyHvn3YsVV3HbnV1STsmsMMJlmVK480qL0wbvpQD5MBnsxah+hTg6iDezW9tEptK9H3ArrjMD0HejYqtBSe43q3YmHANAOknb00EtA+FNnYz9pwQNcGeq3BNj3W2w6v7w74fLvDr6wfXWmkj3gj9njgDe6IoZf/DvnvwrNHhBNG93FIFXwHLn+ATY+PUcWCwYYsZI6VEBZDHZG7YJcYqU1F4J43QLou9XCKHZN5HeTpwNqgmfAyh/vGTo5epNg+7hWqtXOg17wkjyu8MnOfReyRSInrffB+h/mvz3PHkMsYlOIbSgN9onvUNWvZepxDZpe4Q8d/vzwP4ruE4F6CXCmeS9q/NtGcU6fDvF1vXPXiQpJDXMLE2nnVtpRWeOTK7FDMDe3c3N1LUHJ+yxBXb2NlgviE0IUjClHiojxHInNnWXLm5+4zNy6P2PVIEf1lWERslTHDQ4Pmx5YiFVJDH0LnKLTT9hJOja4ETWvEYHokBtLF0Rhpw3pdDVvDASY11tKGA3NmIGCiAgh1YbbEzhLbLW+xciV6/HFHLdEoq0C2vVUejWFgzBoRjaS2x5p1Th3mNmxY19jrGq1zVa6FQs17vK4afL56wg/r9/hV+cGRrwPuWIdqIKd8ILWPeoNGV2gdqaUKrSe0/nqNJFSO5Yxc+DEl857IV7zHmp2WR/JmXf5Ybwrll72RVqtH4u/rzx57ga4rILXMvbixL/83AOPCk41i0AbTurMMMNIAlYZYK6w3LV5vD/hss8evrB/xR9bv8cPqPd7JJ3wmnnDHWnet9HANWpzW/P17BYWUK2uZtDwUucUT/l/cvyXXO8YfQ1JHtuvKGkflEAqYy0ltiJKs0tjDzx9LaRhdrmwI8rmDKyCts9vbkdSWdBeeZezeGu639IdIHbx74nqPKamlhDY27fAc4Z/HpbjEwTc8LkfuwnEtLfGT6vPaSP1+oetTZY48vg2Se23n5RCxmrTh8jkE97uqIevzdl9UDVuPUk+hOVIbQa7sj0eOqHrE8lmXHE/3u2Zbl5DsHEqOOV+9RaL1FsvJbTjaVNvhfql82NQ4c+NPXbHYWOZKE8XaLUO5eZR3AA5mQkNr+SWgoSXWPGpm/wK1FnDmUeSBw5kenYsDVU0wjUZX2KsVjr10Ya1W5RNCYyOsahoLZ/Z9UjItmAaHQTUornaqzKuTrbYE+tj5PFEOMEAA4MyGFW9Eh604DiRzdAiuhlJBkmvU/IiHqsEX9Uhqv5Af8YodUblxAMDRiCip1eCTXFp/nr4EkL3mtu9GV0PoMQ0/9u7GIamleafeaZkqtJ6gH5V0xFagdcSWuh63vTOI6m0erS2rQz4If+mdOgthwIQGE2Z0LWbGklpf61YxwLfljuVSQ1QKq1WP+/URb9cHfLba4Yv6EZ/Lp4HUPvAGd6wHh4Fgxn3X7JhaBjsj8tKR4pa4/Md+GWHIDCDEE4B3pOGQQdOOMd1PR8TN1GjOIbSmKAw5dzWWTBnU8cGlBrqUtIY/tmg/7p0q+ylymJu/jf1gKCk/HyL18dNpgRippdMFL4HYAmlymyvLAiwjZ3MGkbH2af+CnZ+zWZIjGTv/c3ONgelvmhgxipktleKSyhLXaK+kzWsq+nNtpYhnaSkfIK/k2v5fGLkFyohrjswG22Llf2KqbUk3npCmtlGUtJlSbgu4+mS/HC5RhkvHsST3dty7tNcUyQXyX4BYW6n9PhW+jT6mOMs8yqu1S24+IXIzabQ0UMljgzog5xx6bb+jY7I3ltLesEgJq+TB3ghkZUnmmnXgk1lM4sxs+GBqxZn1RONOrV0zS4o7I4f6tQen1h47CdUL697L3awo16h5j41osWbWPIpDo4UY1FI7boON6LARHd5VO/ywfo9fq77BF+Ij3nBLar3i2hSQ2jXrrEkUudqWiEq0zjnZk1N/7QTTEO55QkOuOdNO3dYu75gNZZAabVVnfx182HGrLOHvNUenrVN0rzl6ZY+npXQY89zROFdjq8wyR2i5MBBSQUoNwe2LMTOQWl8WSLlyQD43lwuNqlLY1B3u6xZb2eJBNrgXR2z50X2WCjX0QGrptfLXpsWMBPjcUXj/ueaP/mVqbcTntpSJ+O0lubiREcS439xxNhyJdjY30PBkwkEnSK1Xa2ODSA3O/13K2sPtEXIbKrax+dbcYy61T3g1wivo96dDikUIUALrSW1M/4718VwRktsSQveplMaYOrtUWfbHLN23pNRQjtRNJtoj5XKG/i5QMUtdhz+lQrvElflT4xqqau6z8n28aORYZ26/DErUW4/cZGIpmZ0jvlS5nTt+Sbux9pci1k9sne8jVG8ppkpuLv82ti5VB3duhLG25o4tdTUu6SvVf7hPeH7ILOdxVVdkwVjy4SHAojcdn19L/6bvgCeQ8zenOfOeVO6tcqTz2MmhYyMMKqmw4e2khm0YakqVYQED4UJ618yGMANAZ+xxR+3MkDqJvrNhtdA+DNmqsGvRYytaa/ZE+vUqqYBVkTnTeFvt8YPqI36t+ga/Kj7gNT9i7QhnZ3z4sc2L9SZRKVLrQ4etSZQYSK11P55+TSribGxJniXS9jW6T3uFtjPCKuKkJq0ntk1foTfclu5x7waYEFqvujJuAKmtlbE3iOIGjANcWDJbSYVaKluORyhIbomohiW1tvatsCZUjuQCAOcGlVCohA0jl56gRyZGOvDhYdoZjnY4V/myQpHnmFrwd/gAvMYPf3/7PKeGrYSOM55C3mhk/LSnveR5X+qhr6MTHCHBzW2nf8cILTlRSmrpAFMhbeHJlIYgh8cG/YXfj6WkFsE+ORIbXsmQBId9hFctFn4cKrYvCSkiWEpaUkTrHNITU4OXENVzx7xUoS0lVSnitNSEa9LmJzLC+hSuzBSX1kAuOdbnxgJx5Tanol8itnznSPGX2D4lPCFYF6q29L3t57sIt11KRmPtAfkc3rn2UudwCXLth+vGR+68ehsvD1SKpTHr56z71Mh9I3IGV/NYTGxL1FoODgXlbOOnDnufzLgiCEMOXY+n2yxBHM2RBA66htJ8LPUjDWqpxlBkFrbFh/xTe156CDteuTI9niw2sGG8B1Vj19U4dtZ9Gb17oDCAcz2GIfN2crzWo0oquQZnLbaixefyCV/Ij/hCfMRrfsQdtzS7M0BLSa2p0ZiR1HLogdSuWTdxPtbkvDRRo+05muEcffke74DsTaLsdRlDw73JFFVqreNxhVbJCalV2iu8nmxqcMNguIGUGlqbicoKZiBcyHglFFZVj7XsbV606FGLHtKNy9YNltZpuXP/OXo7u2YSkyberXlS3sgRloGGGYEW4mUR2zk2twAxHTFcl8LpthQ7y1FL0lAdLIe7Bh3qjLge43EJPleA1JXIEV16IrErStcHgw5RQlrnGHysffJ3aDB2DVIbnnmKeNJHYxv8TduNtRMLP04R6peGJeTp3DzYJWOItX8JwTun5uql+ar+d09skv7bdhOO4Rqf4znXqPTcS74DqTq3c/3T4793WMo7LmB2qcna1LYU2SzZHltHQ5OXkNvcmM5BSfvhfsCU9MfU23ge7pL8W99riYIba6NkXews59yUc5/qOetyub95XKTY0ptZeMMSzJr0pOBJ79CWKQs7PheUiCrDIBgG4tsam9fZ9xxMO94kDFayd2Vd1BDaC1jSph0J9ODMoILNLV2zdshbbR0xanSFXV/burWdgO6Ezed1eaBC2NJCd/I4hDHTPgGrjvryQfeiwRfyI34gHvHAW6yZHY12rw7WLGqvV2h0bcOh3SOrZmp4UaMoXyvXkzivgAtmw4r5ML9kJwk8mRUwNkSZaSgjBlLbaYmjkS4/d6rU9pqjN9yqphiVWZ+by4UCZxycAUprKG2DwamKK5gB5xq1VFjLHhvZYSttGPGKK6x4P5QYOmqJA7ej77RAp60ybQyD1gyMAYpZkt1pgVYL9ERx9o7Q/loN5lpErfUTB98LBPcPHszoLkFIRMK/p+E6bWL5dIAcxHq3MLw4ZC/5Hsb3kP+V4DQMOVVIJgySCpl6inqRAdLBxt5j+88RWSAa+X2yb+aCxEjt3McUksvwde+2VWQfOqzUfAYlsrEJmXAMz72W7dLw4zl86pDUkvZLFNSQuCwhuLkxlJIoIE1wr+EmHGtvDkvzfueuVS7yrsR0KxzTkrGF7YSfS668z4sltSHPyKm2F7SfU21LXZJBlnMkNHVqJfTqXHKbG/fSy3jOsfF9p+ptzDE5fsRzwSXTAyFiV6iUJJfjqqHIHBw8IKz+psQZ++Q3nViosSevnoh6osiZHnJKO2NJl1bc5W1iILZr3qEmwdLUCXhiQgUbAly53Ng164YtnRE4KFtO6NBW6DsBdM7R1zn3Sq6xle2Y0+nqpMJIVxNWW1ILa9D0WuzG0jOsH/JdOwOn1IpBpbVhzAwcGoKZIVSammIpM5LaqbmWAYxG7csOwf3gczm39Dp0rh4uLeVDXY9bV9an12PNX8ASdjBXMsiVJTKGQTADzfVJaDJg85EFM0MNX09o72WLDW+x4j0q7oy7tMCTWqF3tXQBQGlLqpXiUMoSW2NsuaVOisHYqtPO9MuFgvscWuUIM81F9mr3i0fBPeSc21yMQIw1bFNMqYB9lRLaYBDUEXlJ70vIbXqQdWR9jNLNqLWK3MJz5DYceMjWU/shsi1cHyD8keR3C+dcY1eEvmioMDV8olek5LEXXulwemFm2uBFoMQs6VOEkV6Kc/IrU+QxR3CLw5sXkFsgbZ5ZomDOKaNLrs3SsOhLnJ1LQ7gvCdUuHYfv58US2nNQwuwyx82RW4oYpVlKc1JDjW2j+LaV25J255Zj9Cym3gIjwQ2VXLucyr9NjTRUN+eu8ty6XL9+eS4PF4njcu1eB4uJrQ9DPrlpkZu7JbdxlNRmuwa8uy/FxPwIZhKK3GoBrbk10OUAqzQ2sps4G9N2QlInHFGuHWmsmbL9aVsj96Br7Poax07a3FrFwDSDkda9t5YKW9lhK1rcEbMiT5S8QRMA3PHjUNJnzcbM4jAE2efHjsqrQeVdi6FHUguGDmIg/uM1coosmz6kjoS8dc6l2auuNpyZDYTQO0EflYQyDNTZ2hNZMFt3Tjsl3cMTWX+MdsSTw6rcvtzRVrbYiA734jiEclfckvbOCOxRg7vwgd5Yc6quF+g667hstCe2AOcCrbLku3NlnPykCFVjB0ds6sb9fSC1EaTU2usTgBS9jO33N/BPmRV+6x0ZDGUlscPJgDWR40Je55fPq1kbQ+qqxZZjNKvgqodktgv+9svhSQLpE5tL4cmQ2jlyGyJB2wdCG8uJ9fuWfCax48J3OrbnrtbGsKR+7bVKujxHzP22yBpXnqF8z+Xg5q4rJZWxkFzazhLMHXOJs/O5OOc8Sj6P78v39mpYSngDLKVBcwQ0dnzpttIxpk43t0/4eCu5bLG2c8un8OrtSHDnwGeJ40tE7orNXfl5LCK2qRvgGI4cv8GcWw7omhhJCHH1hUHrSGCjKmjFwF2pHy4N1s4R2ZJka3Llw08n+bWDqqmswuschhVsOO9e13jqa+y7Cl0rgY4P7stg1pF3LW0Y8r1osOVHF/5s84CpuZNg2qq0/OhK63hybkntkSilLVFVhXMqpiHI/rp0Rg6K7URJJWHKMKfGWZ2WlsQ6NVMbRpyQ7fre2NBeTd2ombHKqeGo+XTSgLP5h6zk1txJcjW4Q29560y3bO1g78oMbRVhbdhQRujYSzSt/Sy8gRe4gakAJQyUtvm+k3FBn0yU2GtD/nalmV40gntHmDsZYo6GzR0LzIUi09f4KPoxfgO/VWMs9RNrODNgfaZxVDjCsOnTbTHqRJerYH24HZl1iYHNEVd6KcN9YvsWwAjnZp8JbwvPJnz3rwpTQpsqyRMbXqmdRuzdL4chzi8NMYKby2P0+LbzFC9xw106vm+rnmmM5JZOHKQm/T9FPdZL1dRPVSP2RZs/vSCUhiQDZUpoCblNHXtOuzEsabd0H8ysK1mOk+kpwY2rtmP9W3tEjODOfVIxU6rc2afWxa5AbJ+YihtDySdZuv8prhqKDACCcSijXViygcLML+PhOACRPNtrmfF4YyTb11TN7VyOrfFk07nsroUrucN8uO5Y1mXqhuzDkNWgiHq1sPHmSTQMuWdgisEIp1YKjbXsXBiyza/14c9eebZk1GDNOtzxI+5YO5Ja5xrdwTr0ts7VWINP1Fc/volaS8JpKamtCPkVcF9nV26I1qTtjBhIrA/T9uS2dyHQHpzZOSoNBi4MtCHhUD63FmOerT9muM5uvWQaFbdq7Yr3g9kWJbUABufkoXZuX+Ops59D10roowA6d87cwDBAyTE33E8GVCQnuXYljQCr2oohJNkf892VTvjUiBGBuX3LESO0c/sFHRYQ2tKRhHQ6xvnC5ikMJJmRTXUcUqpwXSon1+2XCkOODTj1Nz12KeiwCtrI0XdKalOTJTnX4tJTCElrairhpZJaCkpwY8rgd610pRTkJceV4Bq1Us9BmIcbEtwlSmnMOXjpOELkHJ7PxaWfTc4N+YZvH+coq3Nqam7fGEpDklN9I3McRdgHEvudQ2rD42l4MhDPvz1dzjkozxHcSzD3SZf2WdLOdXAWsY3dBDk4BPt21arQXOlkOyEgo9uvzd30br7aWMfiTjkzJ1jFVko91LCtEg8gT269sumdhiumhnzfztj8zqduhWMnYToO1rv8WgHAlRWy+aFHvOKHwSAKAFoICGbza5XhWDviO+SKuvDeadmZUam1yqgboy/LQ9RaDX6SV+v35U4xtiqkcNdyrEvrX73moDVr7bWZfi6esGpmoqWbREBsB2Mqst6PrWK2jM+ad1i5nOaVy2senKTBrRKvrWHVY7fGY7fC/ljj2FRQjQCO7rOALf1ixOi4LJwqvOL9xOWa5iW3DIDhUND2R6SZln96cQjvwOTvc0r9zPFMIFRrQ70tRSnJcshI5mJIHXMyiTtfSsAsJbTpPXJe0SmalSK+wUnmyGps8F1i/zayD5A++QhieVrhWaSIbSz8OKw1e0/2v5SPx65yTD9/6QhNpnLhr98VPl21hOlvlSWEaS7S7FyjqWuEfseOjf0uy42xhPBeOqbSY+YMo264EjI3zpJc2xw5jdWKXUJyS/qaazd1fAnhTYUmh/udQ2rnCPVlBDdFMFNqagxLn6g5Uruk31y752N5uR93s9EYnbvOtZfnjIEbl195VguZtiMtDmG5RLFsnap6VGIs9SMMpFTYiBZr3g7kyofT0hxb384YMmxDiH1O5l6vsOtX2Hf1GIbcM5vLywAmbH7tWozKoyVo2uacQqOCAhhQMZyYPnWOUHpSG6vl64m3D6cN1Vpf2sfD7xuqj54Eh6S2IyHMIaG1kwjK9ReYfRAzpymx1YNqKzAuc6+gcuXUZzXkQA/XxRFnP6mw1zU+9hs89Svs2hqHY4W+kWCNAGuZDbVlrjSugVXQuUHN7ef/IBq84gdsmVfJrUN2C47aAI2PAnBhybHv3fcJKRJQsn9u3YjczXVkX3XYUGoiMNZxPd1MRc5wfYr7aQh4nb6c3GYGk9UOE1RrToEN5wJSKm1qeSF8eFsMdfBCsExJLd0vVu6HtkmHnOPydP+w77CvcN/vE1J5uB7PheheC2HIbClhKiF3dJ+SNkOjqWubHsUU8HMU0JQh1hzmzqckn9i3A1wnhe17RY5z8mHpewYlxlHhtvA9VFdzWEJOY+2WkNXUuhwJpn3NtRduD9ssGQ+t31tCcE8NpkpIbYxozoU2h8hNa/hl4Lx+c22VjG2KRcR2abjKpQ/J0ZQnovBl1FpPLqg5EjVFoo7IGrYUTO+JrW0AK1/DFuqkHZpfC1hS69VaT5o7YKjfuutrHDobhsxcGDKYgeG2DutK9riTrc2vZUfUrg3tysoIp7r6cxrzXkezJ5/7G3OG9mP0r8k1JuZH/toIou56VVcbjpaSWj0ltRNTKKKuUtTcTFylxz5HEuv/DomtVZDH94r3A7n1tXjHCQir1u7VCk9qhcd+hY/HNZ6aFdqmskrtkYG3DE50tayWwRp5CTWEhvucZ5rTrMBQG42WwU0UsCEs+cXn2HqQh2D4wAsRUrHY9lhQrb/N8ZO50hQ1mel8bhDk3dewjfXiiS4dSYrUzg8uHGhI53LbMifkw5DDwaVyZymuRGRDhKSW96dnFn5c9CxTNWVjVD819PDUUtMG4SuV6fxSoIyZKLMUsdzNcN8U0fX4vhHepUgRthgJm1NJcyHA1yK6oRK6lOCmDLHmkCK34fcq9z2buwZLfod+b5XfAqJ6LSzhzTESmiOwqT5i60rIbbgOmTEA8csYks3UXEKs7XBdbjwpzBFcj/n827nlXD5sOYmM41xinVsuRzGxXfpgo/ufOwM4bS9+vIAZ6qcCo4FPjMDRY/z21ggcVI22F4AZa9jWvtTPiSNykF/rSHIFNYTJ2v4YWiOwVzWe+hUaF4bMO2Zr5QoMubwrZxx1x49DTu8QkuvaFgFZtGRyNLOaXBOm0fnr4Y8jSi0whiGHobODWkv3HUoBTV+eSNv2p+Pz6ipVW0tAya3/jCihFe4a+2vtc4E5tAvL5sOEwpNa4bFb42O7xqMLQTaNAG84RMvAOliF3v8v4DYEfSV7PMgjXssDXvEDXvEGd6zDyuU5c8PQMY6F8zzPGwUPybkf/JcRgRRNCZlbYt9SUjvDwkM+GFbEKcU0vzbWYTioknXAhILRwebeKWIhxilyfAZikyApkprKp83Vmk19dLHJCNp/rr+Q1L4UQktNoVKkFih7dqeILu3r3LavgXPq26ZwTbJzbROlJW7GJThXsfb7LuknhyW1hi/p69syCfskCFlSrJZtionlWGQhYiHIS7GU3M5pgHPt0m1zdGjpfkA+vHrJuiW6ZKjgpkoEzeff5ig1XfZfNIpz6fuS5XMIbtkX+qwcW03eRW5HkNDlzIxyDLncWV/rNFRtuSO4MVJrS9lMyS2AIQezVxzMhSJDWNVu62rJ+qNiaiOA0VjIEVBvxrTXVjHcdTXawQ0ZQxgymMvldeqgN42qYNXHblBpNejloOosPffJNXCqMTCqtTFyS8OQqVpLr50/H+9+rCL9+s/Fk1m67EkpBS0PFAM9ZqLWupdVrvXYBhvr53q19mO/wYdujY/HNQ7HGv1RgB05+JGBt7AGXhyANAC3YeGVULirWrySB7wWezyIAx54gy3vUflzYBg+m+8lyL0j9aBL/fgvzabwx586IuduXME2ykzOQErIzNFpTe54If30+477hFcppGc5AhtbR7bFSGwsnpoiNjew4HKXgvdTtRY4JZLhutSVSW0PP6u5Ic+1B8Q/jecMW4Xg1PE4p96WYu74OYW3FJeU5sntS8lPLI8zp7AunYSPkcdYu0sRG1fseiwlu3PkNnX+11CTc583d/9K9k0h/KxfjFo795s9R2hL2w7eQ2fkEpQQ1HPJbSmNWhIqnFtXSowvVYpzy7G/Q3TgwzNTZijbefm3IbmdI5hLcC2CuxyLn0qlDxrlat36lz82dbNKDYSGIWeNogZDhvGdBwQN8Dmfo+rZmNoSW6fYggFMaKxEP+RvCkbIvA//9cZRXvd0CqKAcWG7lmDZ/FoXhtwxa1bkia0cjaN8fi2tmevDjimJAzCQTFrOx+6vJ/nDJ9coJKwzYbNTcyk+mEbpidOxcbmu/eRFy+8MucPktWL9RHGlYwuXKamNnZvCGCZNQ5A/9is8tmvs2wrtsQKOwpLaDlY5d5MMAGC4AZca67qzJl6ywYNo8MAbrJlCBTPU2FWunJE2Y+i3nyR4kSh4OOZo11KcHhejmDl6+ffhL8UaDVlPbHtta9j2JBSZ9hDreY5u56+Dp3LhXlWwD32fCYyNhSGnmB7I+nA5dsxStdYdy9RIaHMhyHMqbGq/0qHEEGs/189LIrfAdVSwWJu5dgVjw+tT9hODNubkFYL+9qC/QaJjYCy6fAmuTWr9utj5ps4xdd5LxybAkuHFqX/nQAf/zsWLV23p+9JJ29RNbOZmpmX8fcn855nzoMljc+tij6nSNkr3XzqmJctLj/Hn62U2Taou0PdxOZw+Bk6fhOG6ki9b6hdgqu25X450nwqn09658aZxdrmf1KywMhraEVhqNGXZnH0gnhgHMHYS+mTb8rb48bxMr9r6PgZlMyAYnoR6R2SfX9sagaOu0CgJrWzNU8MALl2eJetQk7HSHNtx7K7WbJCL2xmJvVphp2o0bQXdCnBnGmVPgBpHja67Nkw6l6MzKqj+sgqnFnNXeob+p48ptSnE1Nx2EnocEFqoE2W2YmrIgQ0nF+g5+LHac5jm6A7X19W6Hd7dOn/1FThg9LCsDcfR5zU7J+pdZ6+/8mpty2wYcg+48rx2VsUZhq1dvrMltYfByMuTWg37fVTk5R23X7QjcgRzNWxTyN166DY5uQ/MPRbHb/Vv43/CfwGWZz7hlGgBUvxwjtjGYB8wYcexv8OHQI5iORoWI7P0HeTv1FM0ti3nhFzA9ktJbXi24d9zr3CuOXZatE0gTqhj60COfe4QzN7/dGyy7wzVNkZI5kiKhk72E3um5/o+UZ7JecXI3ATBn0sJ6tz+OWOkpc7LV0nNSvWRaPZcok3PmX4XZr9bJ7/BPl3I+ndVzulbQxiSHN78ShG5qRnXTklN29Q7EttKhnOuClrjPOV2SZ90mYYk5/qIHY/I/rlt89du/L+VU3DHvZfUss0FXs+dzdxyKWj7NEy6/It/lTq22tFKZTT5295wOn9zYQwCZU6AytVltW2xYV0IT27tsnZmStPwWEpAQnSwrrn7voZWzLFaA871QDaHGrYRUguMqqp38tXGhgk3ppqU+YFTa31+rREGzOVzboQtV1Nh6h5MS/YoZ9LkSa0ixlIV60c10xtjkXs6JbeeUA5kn5YF8tdscDgeFUmvTvrrzp1T82Dm5JRXn//q+xInP1a4/SFmpltsH+FnxE/I7UCI3d/0PHzd4Ce1wlNvP9dDJ20YeGtJLe8sqaVc2XDjiK0NC7+TR2z50YWXOxMtY0ltazgaI9AYicZU6IxEa8RAbl8cCu4T5+TdxObkYsTh7FDk8P6bundGmJOW+VnTVK5mKczkthojqbGrQSlY6jik1dqQlMYGnivzE5pOhW3FCHFErZ0jteFVAE6vSEpFpctzM+sUqTHF+n5J5LYzanzWRieGfSpHGYmi5KNEdcuRlSWklvZZQoBiROakRmxQYucauJaL8RLH5U+RD3sOcqQ2ZU6W+w6kwsaXYk6Jf1HkNsXClhyT2+cTYI4kepSUApprN7Z9aQ7sOX3SvoDljsmx9nLbznnuULfkcF1ZeHK4rjQ0+Vx6Hu6Tuzo5k6s4rkJsAX9T88qoQWe0MzdyMAacYQj3LWszTWo9ODMDifOqbWimdFLOxjnb2jzYGk1fQfcc3IUIc2GJrQ8tHsZjhsDjiUEVDZH1BGtH8mutG7LNr3XCtS0pJEZi64nhHDyptf0rVz9XYe3lNZr/6o1FSCjv9PqOubUhhrq/JDfZ5+DS63hi5OTV28HUhOTBAsPnz21dJdcXGyYEJmHOsBMFg/EU0+j8NKInt8N1ser7UUu0WmLf19h3NY6dVctZ60KQW4Ar2C+Lm8swTrEVXKPmNqzano+9UbSGu5znkdTu9AodhP08AmfpGyxC+kbXA5TUxthUWMO2Pd13jiOGzSYibVIOyKFxFM2vpecRjvx0IDnWHaNSM++xyxFeptTAYsfGnJSR2D9BamWTJpB3OL0aMWKZI58eMZsLfwqxUw9JdUi0w31jy88VR9Mlf9hPyIJZoLQ5nKuwnUNoF7VPn8eR7Rpm+vS/cDghYSwhtylCFSOfc22JRF5tdN9IyZyw7yVEz7fniSv97syp+17JD78PuUmJ8BxifZR+L307l4bKf+tYeuNJMbaFxDjMty1RbZFZDofnUVoOqJR+UXJbQjbP5f8pKhc+OueuTWxyNkW0w7F5UDLvzaUASmTTTsoWvkwQbZk+5GPrQnKZ+6Rz3xZE/s5hKWG2KCa2HBwKypY2mYSsmsnvRZ8foWCgjJnehnxJlTnF1rAh3BM4NW0aS8GMZj4wgBpkuDE8lRpHaXAIqIGwNbrCXtVoegkol/vqnXG5DUX2BkbKjOPxJG2sCztViBtjw2Ef+/VQ5gdOrXUHAhyQlXK5vD1qNs62hKHXeiCYjJDascSQzQG1jXfRB85othSrcxuCqqA0x9mTaKrKegJI3YkBTMKplWHgTKMzEpw59dP4SZCRQPc6MPgyGpoxVFDoPKkIFFs/zk7LoW7tQVVoVIWml2hbAdNaF2TRMqssuf/TmrscWwYwbiCFguRj3q8yHC2s+7EybMjh9a92UNGpKdkLL4vxiWZ2gSlZOS31k6Im8XaiZDbFVAKWZMhdb44Hxv7mUFnKqpOKLaVV4UBzVA/jMTGiOZcXmyK1sb9Tx0Re4phXau9Rpr5ShIQzd9Viw84h9vXIfW2eO1IGOd5k6Bwl7BLjqU9Nas/BpSprLGz4EnJLUTquOeflWDvXdmumOC3d46PrlvV3jZDsGK5ZG/g7xxKS+j1EjPDF1l3iXlyyrWR7uE+u/5K2PiX0hNxSlE4HnDOLUoJcX+VgxjzDp9ENN9xwww033HDDDTfccMMNNxTiBSYF3nDDDTfccMMNN9xwww033HDDiBuxveGGG2644YYbbrjhhhtuuOFF40Zsb7jhhhtuuOGGG2644YYbbnjRuBHbG2644YYbbrjhhhtuuOGGG140bsT2hhtuuOGGG2644YYbbrjhhheNG7G94YYbbrjhhhtuuOGGG2644UXjRmxvuOGGG2644YYbbrjhhhtueNG4EdsbbrjhhhtuuOGGG2644YYbXjRuxPaGG2644YYbbrjhhhtuuOGGF43/H+1cHqgYw22/AAAAAElFTkSuQmCC", + "text/plain": [ + "
" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "model = load_optical_model(config_path)\n", + "model.to('cuda')\n", + "\n", + "lam = np.linspace(0, 1, 100)\n", + "lx = np.linspace(0, 1, 200)\n", + "lx, ly = np.meshgrid(lx, lx)\n", + "p = np.stack([lx.flatten(), ly.flatten()]).T\n", + "p = p[None, None]\n", + "print(p.shape)\n", + "\n", + "amp, phase = model(p, lam, pre_normalized=True)\n", + "\n", + "amp = amp.squeeze()\n", + "phase = phase.squeeze()\n", + "amp = amp.view(2, len(lam), len(lx), len(lx)).cpu().numpy()\n", + "phase = phase.view(2, len(lam), len(lx), len(lx)).cpu().numpy()\n", + "\n", + "fig, ax = plt.subplots(2, 4, figsize=(12,6))\n", + "for i in range(2):\n", + " ax[i, 0].imshow(amp[i, len(lam)//2, :, :])\n", + " ax[i, 1].imshow(phase[i, len(lam)//2, :, :], cmap=\"hsv\")\n", + " ax[i, 2].imshow(amp[i, :, :, len(lx)//2])\n", + " ax[i, 3].imshow(phase[i, :, :, len(lx)//2], cmap=\"hsv\")\n", + "\n", + "for axi in ax.flatten():\n", + " axi.axis('off')\n", + " axi.set_aspect(\"auto\")\n", "plt.show()\n" ] }