diff --git a/Autograd23FabricationAwareInvdes.ipynb b/Autograd23FabricationAwareInvdes.ipynb
index ace1fb3d..a165eee1 100644
--- a/Autograd23FabricationAwareInvdes.ipynb
+++ b/Autograd23FabricationAwareInvdes.ipynb
@@ -169,8 +169,9 @@
"\n",
"Using the prediction model, we can simulate the expected experimental performance of device designs such as the wavelength division multiplexer (WDM) in the [Adjoint Optimization of a Wavelength Division Multiplexer](https://www.flexcompute.com/tidy3d/examples/notebooks/Autograd9WDM/). The WDM was optimized with a relatively large feature size and an erosion/dilation penalty to enhance robustness against fabrication variations. This optimization allows it to tolerate predicted fabrication variations quite well; however, some performance degradation is still observed. As illustrated in the figure below, the fabrication-predicted transmission spectra get distorted, insertion loss is increased, and further crosstalk is introduced. This performance degradation can be mitigated with FAID.\n",
"\n",
- "\n",
- "
"
+ "\n",
+ "\n",
+ ""
]
},
{
@@ -53738,7 +53739,7 @@
"name": "python",
"nbconvert_exporter": "python",
"pygments_lexer": "ipython3",
- "version": "3.11.0"
+ "version": "3.10.14"
},
"title": "Adjoint Optimization of a WDM in Tidy3D with PreFab for Fabrication Awareness | Flexcompute"
},
diff --git a/CriticalPointAL.ipynb b/CriticalPointAL.ipynb
new file mode 100644
index 00000000..9941d0b3
--- /dev/null
+++ b/CriticalPointAL.ipynb
@@ -0,0 +1,2049 @@
+{
+ "cells": [
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "# Critical point in electromagnetic Anderson localization in three dimensions\n",
+ "\n",
+ "Anderson localization (AL) is a wave interference phenomenon that can suppress wave transport in disordered media. The recent work by Yamilov, Cao, and Skipetrov (https://arxiv.org/abs/2408.04853) demonstrates a clear transition between diffusive and localized regimes for light in 3D. Using Tidy3D, finite-difference time-domain (FDTD), simulations of electromagnetic wave propagation through randomly distributed perfect electric conducting (PEC) spheres, a critical frequency (mobility edge) where this transition occurs has been identified.\n",
+ "\n",
+ "In this notebook, we will qualitatively reproduce the results presented in Fig. 1a of the paper for spheres with a radius of 75 nm, exploring two different simulation domain sizes (2λ)³ and (3λ)³. This notebook is contributed by Dr. Alexey Yamilov"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 1,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "import numpy as np\n",
+ "import matplotlib.pyplot as plt\n",
+ "import scipy.io as sio\n",
+ "\n",
+ "import tidy3d as td\n",
+ "from tidy3d import web\n",
+ "from tidy3d import SpatialDataArray\n",
+ "\n",
+ "td.config.logging_level = \"ERROR\""
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "### Define study parameters\n",
+ "\n",
+ "We now define global parameters for the simulation"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 2,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Free space central wavelength in um and center frequency\n",
+ "wavelength = 0.50\n",
+ "freq0 = td.C_0 / wavelength\n",
+ "\n",
+ "# Bandwidth of the excitation pulse in Hz, chosen so that Fourier transform can be computed for f0a frequencies\n",
+ "fwidth = freq0 / 7.0\n",
+ "\n",
+ "\n",
+ "# Space between PML and slab\n",
+ "space = 1 * wavelength\n",
+ "\n",
+ "# Sphere radius in um\n",
+ "sphere_r = 0.075\n",
+ "\n",
+ "# Define number of random realizations\n",
+ "nseeds = 30\n",
+ "\n",
+ "# Define random seed (to replicate disordered slab, if needed)\n",
+ "seeds = 0 + np.arange(nseeds)\n",
+ "\n",
+ "# Grids per wavelength\n",
+ "grids_pw = 20\n",
+ "dt0 = 0.99 * wavelength / (grids_pw * td.C_0 * np.sqrt(3))\n",
+ "\n",
+ "# Number of PML layers to use along z direction\n",
+ "npml = 2 * grids_pw\n",
+ "\n",
+ "# We use a uniform grid size to speed up the meshing process\n",
+ "dl = wavelength / grids_pw\n",
+ "grid_spec = td.GridSpec.uniform(dl=dl)\n",
+ "\n",
+ "# Frequencies to analyse\n",
+ "freqs = freq0 * np.linspace(0.7, 1.4, 2001)\n",
+ "\n",
+ "# Define boundary conditions: Periodic in x and y, and PML in z\n",
+ "\n",
+ "sys = \"PEC\"\n",
+ "periodic_bc = td.Boundary(plus=td.Periodic(), minus=td.Periodic())\n",
+ "pml = td.Boundary(plus=td.Absorber(num_layers=npml), minus=td.Absorber(num_layers=npml))\n",
+ "boundary_spec = td.BoundarySpec(x=periodic_bc, y=periodic_bc, z=pml)\n",
+ "\n",
+ "# Gaussian source offset; the source peak is at time t = offset/fwidth\n",
+ "offset = 10.0\n",
+ "\n",
+ "# Defining spheres material as Perfect Electric Conductor\n",
+ "medium = td.PEC\n",
+ "medium_out = td.Medium(permittivity=1)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "The realized volume filling fraction depends on the overlap between spheres, smoothing and discretization, it is computed after simulation is done. Accounting for only sphere overlaps, $ff$ can be found as $ff_{appx} = 1 - e^{(-ff0)}$"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 3,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Nominal volume filling fraction, actual filling fraction is lower due to overlap between spheres\n",
+ "ff0 = 0.95\n",
+ "\n",
+ "# Approximate filling fraction\n",
+ "ff_appx = 1 - np.exp(-ff0)"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Now we will define a function for generating the random structure as a function of the seed:"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 4,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def generate_structure(seed, L):\n",
+ " structures = []\n",
+ "\n",
+ " # Compute number of spheres to place: volume * nominal_density = number of spheres\n",
+ " num_spheres = int(\n",
+ " (L + 2 * sphere_r)\n",
+ " * (L + 2 * sphere_r)\n",
+ " * (L + 2 * sphere_r)\n",
+ " * ff0\n",
+ " / (4 * np.pi / 3 * sphere_r**3)\n",
+ " )\n",
+ " np.random.seed(seed)\n",
+ "\n",
+ " # Randomly position spheres\n",
+ " for i in range(num_spheres):\n",
+ " position_x = np.random.uniform(-L / 2 - sphere_r, L / 2 + sphere_r)\n",
+ " position_y = np.random.uniform(-L / 2 - sphere_r, L / 2 + sphere_r)\n",
+ " position_z = np.random.uniform(-L / 2 - sphere_r, L / 2 + sphere_r)\n",
+ " radius_i = sphere_r\n",
+ " name_i = f\"sphere_i={i}\"\n",
+ " sphere_i = td.Sphere(\n",
+ " center=[position_x, position_y, position_z], radius=radius_i\n",
+ " )\n",
+ " structure_i = td.Structure(geometry=sphere_i, medium=medium)\n",
+ " structures.append(structure_i)\n",
+ "\n",
+ " # Define effective medium around the slab\n",
+ " box1 = td.Box(center=[0, 0, -L / 2 - space], size=[td.inf, td.inf, 2 * space])\n",
+ " box2 = td.Box(center=[0, 0, L / 2 + space], size=[td.inf, td.inf, 2 * space])\n",
+ " struct1 = td.Structure(geometry=box1, medium=medium_out)\n",
+ " structures.append(struct1)\n",
+ " struct2 = td.Structure(geometry=box2, medium=medium_out)\n",
+ " structures.append(struct2)\n",
+ "\n",
+ " return structures"
+ ]
+ },
+ {
+ "cell_type": "markdown",
+ "metadata": {},
+ "source": [
+ "Defining a function for creating the simulation object"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 5,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "def make_sim(seed, L, run_time):\n",
+ " # Defining simulation size\n",
+ " Lz_tot = space + L + space\n",
+ " sim_size = [L, L, Lz_tot]\n",
+ "\n",
+ " structures = generate_structure(seed, L)\n",
+ "\n",
+ " # Define incident plane wave\n",
+ " gaussian = td.GaussianPulse(freq0=freq0, fwidth=fwidth, offset=offset, phase=0)\n",
+ " source = td.PlaneWave(\n",
+ " size=(td.inf, td.inf, 0.0),\n",
+ " center=(0, 0, -Lz_tot / 2.0 + 0.1 * wavelength),\n",
+ " source_time=gaussian,\n",
+ " direction=\"+\",\n",
+ " pol_angle=0,\n",
+ " )\n",
+ "\n",
+ " # Transmitted flux through the slab\n",
+ " flux_monitor = td.FluxMonitor(\n",
+ " center=[0.0, 0.0, L / 2.0 + space / 2.0],\n",
+ " size=[td.inf, td.inf, 0],\n",
+ " freqs=freqs,\n",
+ " name=\"flux_monitor\",\n",
+ " )\n",
+ "\n",
+ " # Records time-dependent transmitted flux through the slab\n",
+ " flux_time_monitor = td.FluxTimeMonitor(\n",
+ " center=[0.0, 0.0, L / 2.0 + space / 2.0],\n",
+ " size=[td.inf, td.inf, 0],\n",
+ " name=\"flux_time_monitor\",\n",
+ " )\n",
+ "\n",
+ " monitors = [flux_monitor, flux_time_monitor] # ,eps_monitor]\n",
+ "\n",
+ " # Define simulation object\n",
+ " sim = td.Simulation(\n",
+ " size=sim_size,\n",
+ " grid_spec=grid_spec,\n",
+ " structures=structures,\n",
+ " sources=[source],\n",
+ " monitors=monitors,\n",
+ " run_time=run_time,\n",
+ " boundary_spec=boundary_spec,\n",
+ " shutoff=1e-15,\n",
+ " )\n",
+ "\n",
+ " return sim"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 6,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Create a simulation batch for L = 2 wavelengths\n",
+ "sims2 = {}\n",
+ "for seed in seeds:\n",
+ " sims2[\"%i\" % seed] = make_sim(seed, L=2 * wavelength, run_time=3e-12)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 7,
+ "metadata": {},
+ "outputs": [],
+ "source": [
+ "# Create a simulation batch for L = 3 wavelengths\n",
+ "sims3 = {}\n",
+ "for seed in seeds:\n",
+ " sims3[\"%i\" % seed] = make_sim(seed, L=3 * wavelength, run_time=6e-12)"
+ ]
+ },
+ {
+ "cell_type": "code",
+ "execution_count": 9,
+ "metadata": {},
+ "outputs": [
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "65f3c2436cd7471ca21343bb7a23165f",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Output()"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/html": [
+ "
13:23:55 CET Started working on Batch containing 30 tasks. \n", + "\n" + ], + "text/plain": [ + "\u001b[2;36m13:23:55 CET\u001b[0m\u001b[2;36m \u001b[0mStarted working on Batch containing \u001b[1;36m30\u001b[0m tasks. \n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
13:24:53 CET Maximum FlexCredit cost: 0.750 for the whole batch. \n", + "\n" + ], + "text/plain": [ + "\u001b[2;36m13:24:53 CET\u001b[0m\u001b[2;36m \u001b[0mMaximum FlexCredit cost: \u001b[1;36m0.750\u001b[0m for the whole batch. \n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
Use 'Batch.real_cost()' to get the billed FlexCredit cost after the\n", + " Batch has completed. \n", + "\n" + ], + "text/plain": [ + "\u001b[2;36m \u001b[0m\u001b[2;36m \u001b[0mUse \u001b[32m'Batch.real_cost\u001b[0m\u001b[32m(\u001b[0m\u001b[32m)\u001b[0m\u001b[32m'\u001b[0m to get the billed FlexCredit cost after the\n", + "\u001b[2;36m \u001b[0mBatch has completed. \n" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "27a65bfb94024373930206a990d436ca", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Output()" + ] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
13:26:00 CET Batch complete. \n",
+ "
\n"
+ ],
+ "text/plain": [
+ "\u001b[2;36m13:26:00 CET\u001b[0m\u001b[2;36m \u001b[0mBatch complete. \n"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n"
+ ],
+ "text/plain": []
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "application/vnd.jupyter.widget-view+json": {
+ "model_id": "fcbfe84d9d2140f68215e86f36db8e7b",
+ "version_major": 2,
+ "version_minor": 0
+ },
+ "text/plain": [
+ "Output()"
+ ]
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n"
+ ],
+ "text/plain": []
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n",
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "name": "stderr",
+ "output_type": "stream",
+ "text": [
+ "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n"
+ ]
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n"
+ ],
+ "text/plain": []
+ },
+ "metadata": {},
+ "output_type": "display_data"
+ },
+ {
+ "data": {
+ "text/html": [
+ "\n", + "\n" + ], + "text/plain": [ + "\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Running batch\n", + "batch2 = web.Batch(simulations=sims2, verbose=True)\n", + "batch_data2 = batch2.run()" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n", + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:urllib3.connectionpool:Connection pool is full, discarding connection: flow360studio.s3.us-gov-west-1.amazonaws.com. Connection pool size: 10\n" + ] + }, + { + "data": { + "text/html": [ + "\n" + ], + "text/plain": [] + }, + "metadata": {}, + "output_type": "display_data" + }, + { + "data": { + "text/html": [ + "
\n", + "\n" + ], + "text/plain": [ + "\n" + ] + }, + "metadata": {}, + "output_type": "display_data" + } + ], + "source": [ + "# Running batch\n", + "batch3 = web.Batch(simulations=sims3, verbose=True)\n", + "batch_data3 = batch3.run()" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Now, we will load the batch data and calculate $\\langle \\log{(g)} \\rangle$" + ] + }, + { + "cell_type": "code", + "execution_count": 10, + "metadata": {}, + "outputs": [], + "source": [ + "def analyse_g(batch_data, L):\n", + " T_of_f = []\n", + "\n", + " # Load frequency-resolved transmission for all realizations of disorder\n", + " for seed in seeds:\n", + " sim_data = batch_data[\"%i\" % seed]\n", + " fT = sim_data[\"flux_monitor\"].flux\n", + " T_of_f = np.hstack([T_of_f, fT.values])\n", + "\n", + " normalized_L = L / wavelength\n", + " normalized_freqs = freqs / freq0\n", + "\n", + " # Calculate of the ensemble-averaged
\n", - "\n" - ], - "text/plain": [ - "\n" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "
12:17:24 -03 WARNING: Unable to fit with weighted RMS error under \n", - " 'tolerance_rms' of 1e-05 \n", - "\n" - ], - "text/plain": [ - "\u001b[2;36m12:17:24 -03\u001b[0m\u001b[2;36m \u001b[0m\u001b[31mWARNING: Unable to fit with weighted RMS error under \u001b[0m\n", - "\u001b[2;36m \u001b[0m\u001b[32m'tolerance_rms'\u001b[0m\u001b[31m of \u001b[0m\u001b[1;36m1e-05\u001b[0m\u001b[31m \u001b[0m\n" - ] - }, - "metadata": {}, - "output_type": "display_data" } ], "source": [ @@ -140,20 +102,9 @@ }, { "cell_type": "code", - "execution_count": 3, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "image/png": "iVBORw0KGgoAAAANSUhEUgAAAiMAAAHHCAYAAABtF1i4AAAAOXRFWHRTb2Z0d2FyZQBNYXRwbG90bGliIHZlcnNpb24zLjcuMCwgaHR0cHM6Ly9tYXRwbG90bGliLm9yZy88F64QAAAACXBIWXMAAA9hAAAPYQGoP6dpAACjfUlEQVR4nOz9d3xc9Z3o/7/O9BlNV5fVZUvuli1TXMCGUAKkkLYpdxeShexllySbS7L5/sjNJiHJxsnNskn2ppBclpBkIYUNZRNIwBQDxjbGxnK3bFm9jcr03s7vD6HBsmVj2ZYlS+/n4zEPM2fOzPkcIVtvvT/vz/ujqKqqIoQQQggxTTTTPQAhhBBCzG0SjAghhBBiWkkwIoQQQohpJcGIEEIIIaaVBCNCCCGEmFYSjAghhBBiWkkwIoQQQohpJcGIEEIIIaaVBCNCCCGEmFYSjAgxiyiKwte//vXc84cffhhFUejo6Ji2MZ2t6upqPvnJT+aeb9myBUVR2LJly7SN6UL4+te/jqIo0z0MIWY0CUaEEEIIMa0kGBFiFvubv/kbYrEYVVVV0z2USbv66quJxWJcffXV0z2U8/KVr3yFWCw23cMQYkbTTfcAhBBTR6vVotVqp3sY50Sj0WAymaZ7GBOKx+MYDAY0mnf+fU6n06HTyT+1QpyJZEaEuEDGagOOHj3KX//1X+NwOCgsLOSf//mfUVWV7u5u3v/+92O32ykpKeH+++8/5TMSiQRf+9rXmD9/PkajkYqKCr70pS+RSCROOe9//a//RWFhITabjfe973309PSc8nkT1YycXFcy5uSajbH3bt26lc997nMUFhbidDr5n//zf5JMJvH7/dx22224XC5cLhdf+tKXOJtNwFVV5Vvf+hbl5eVYLBauueYaDh48eMp5E9WMHDt2jA996EOUlJRgMpkoLy/nYx/7GIFAYNz9feYzn+GRRx6hoaEBk8lEU1MTr7zyyinX6O3t5W//9m8pLi7GaDSyZMkSHnrooQnH8dvf/pavfOUrzJs3D4vFQjAYJJVKcd9997FgwQJMJhP5+fmsX7+ezZs3594/Uc1IOp3mm9/8JnV1dRiNRqqrq/nyl798yv/n6upq3vOe97B161Yuv/xyTCYTtbW1/OpXv3rHr7MQlxIJ14W4wD760Y+yaNEivvOd7/D000/zrW99C7fbzc9+9jOuvfZavvvd7/LII4/wxS9+kcsuuyw3DZHNZnnf+97H1q1b+bu/+zsWLVrE/v37+f73v8/Ro0d58sknc9e48847+c///E8+8YlPsHbtWl588UVuueWWKbmfz372s5SUlHDfffexY8cOfv7zn+N0Otm2bRuVlZV8+9vf5plnnuF73/seS5cu5bbbbjvj5331q1/lW9/6FjfffDM333wzb775JjfccAPJZPKM70smk9x4440kEoncmHp7e/nTn/6E3+/H4XDkzn355Zf53e9+x+c+9zmMRiM/+clPePe7383OnTtZunQpAB6PhyuvvDIXvBQWFvLnP/+ZO+64g2AwyOc///lx1//mN7+JwWDgi1/8IolEAoPBwNe//nU2bdrEnXfeyeWXX04wGGTXrl28+eabXH/99ae9lzvvvJNf/vKXfPjDH+YLX/gCr7/+Ops2beLw4cM88cQT485tbW3lwx/+MHfccQe33347Dz30EJ/85CdpampiyZIlZ/yaCXHJUIUQF8TXvvY1FVD/7u/+LncsnU6r5eXlqqIo6ne+853ccZ/Pp5rNZvX222/PHfv1r3+tajQa9dVXXx33uQ888IAKqK+99pqqqqra3NysAuo//MM/jDvvE5/4hAqoX/va13LHfvGLX6iA2t7enjt28jljqqqqxo1n7L033nijms1mc8fXrFmjKoqi3nXXXafc54YNG870JVIHBwdVg8Gg3nLLLeM+88tf/rIKjLv+Sy+9pALqSy+9pKqqqu7Zs0cF1Mcee+yM1wBUQN21a1fuWGdnp2oymdQPfOADuWN33HGHWlpaqg4PD497/8c+9jHV4XCo0Wh03Dhqa2tzx8asWLFCveWWW844nrHvizFj///uvPPOced98YtfVAH1xRdfzB2rqqpSAfWVV17JHRscHFSNRqP6hS984YzXFeJSItM0Qlxgd955Z+6/tVotq1evRlVV7rjjjtxxp9NJQ0MDbW1tuWOPPfYYixYtYuHChQwPD+ce1157LQAvvfQSAM888wwAn/vc58Zd9+Tf5C+UO+64Y9w0wxVXXHHK/Yzd54n3M5Hnn3+eZDLJZz/72XGfeTZjH8t8PPvss0Sj0TOeu2bNGpqamnLPKysref/738+zzz5LJpNBVVX+8Ic/8N73vhdVVcd9vW+88UYCgQBvvvnmuM+8/fbbMZvN4445nU4OHjzIsWPH3nH8Y8b+/91zzz3jjn/hC18A4Omnnx53fPHixVx11VW554WFhad87whxqZNgRIgLrLKyctxzh8OByWSioKDglOM+ny/3/NixYxw8eJDCwsJxj/r6egAGBwcB6OzsRKPRUFdXN+7zGhoapuJ2JrwfgIqKilOOn3g/E+ns7ARgwYIF444XFhbicrnO+N6amhruueceHnzwQQoKCrjxxhv58Y9/PK5eZMzJnw9QX19PNBplaGiIoaEh/H4/P//5z0/5en/qU58C3v56n3j9k33jG9/A7/dTX1/PsmXL+Kd/+if27dv3jl8DjUbD/Pnzxx0vKSnB6XTmvkZjTv76A7hcrnf8WgtxKZGaESEusIlWr5xuRYt6QsFnNptl2bJl/Nu//duE5578w/9Cy2QyEx4/3dgnOq6eRQHr+bj//vv55Cc/yVNPPcVzzz3H5z73OTZt2sSOHTsoLy8/68/JZrMA/PVf/zW33377hOcsX7583POTsyIwuvz4+PHjufE8+OCDfP/73+eBBx4YlyGbyNk2Qjub7x0hLnUSjAgxQ9TV1bF3717e9a53nfEHVVVVFdlsluPHj4/LhrS0tJzVdVwuF36/f9yxZDJJf3//OY17Msb6nRw7doza2trc8aGhobP+TX/ZsmUsW7aMr3zlK2zbto1169bxwAMP8K1vfSt3zkTTJkePHsVisVBYWAiAzWYjk8lw3XXXnc8t4Xa7+dSnPsWnPvUpwuEwV199NV//+tdPG4yM/f87duwYixYtyh33eDz4/f5LsieMEOdLpmmEmCH+6q/+it7eXv7f//t/p7wWi8WIRCIA3HTTTQD8+7//+7hzfvCDH5zVderq6k5Z5vrzn//8tJmRC+m6665Dr9fzf//v/x33m/3ZjD0YDJJOp8cdW7ZsGRqN5pQlsdu3bx9X89Hd3c1TTz3FDTfckOu98qEPfYg//OEPHDhw4JRrDQ0NndX9jIyMjHtutVqZP3/+KeM50c033wyces9jGbGpWhUlxEwmmREhZoi/+Zu/4fe//z133XUXL730EuvWrSOTyXDkyBF+//vf8+yzz7J69WoaGxv5+Mc/zk9+8hMCgQBr167lhRdeoLW19ayuc+edd3LXXXfxoQ99iOuvv569e/fy7LPPnlLTMhUKCwv54he/yKZNm3jPe97DzTffzJ49e/jzn//8jtd/8cUX+cxnPsNHPvIR6uvrSafT/PrXv84FFidaunQpN95447ilvQD33Xdf7pzvfOc7vPTSS1xxxRV8+tOfZvHixXi9Xt58802ef/55vF7vO97P4sWL2bhxI01NTbjdbnbt2sV//dd/8ZnPfOa071mxYgW33347P//5z/H7/WzYsIGdO3fyy1/+kltvvZVrrrnmHa8rxGwjwYgQM4RGo+HJJ5/k+9//Pr/61a944oknsFgs1NbW8o//+I+5QlaAhx56iMLCQh555BGefPJJrr32Wp5++umzqiv59Kc/TXt7O//xH//BX/7yF6666io2b97Mu971rqm8vZxvfetbmEwmHnjggVww8Nxzz71jRmDFihXceOON/PGPf6S3txeLxcKKFSv485//zJVXXjnu3A0bNrBmzRruu+8+urq6WLx4MQ8//PC4OpDi4mJ27tzJN77xDR5//HF+8pOfkJ+fz5IlS/jud797Vvfyuc99jv/+7//mueeeI5FIUFVVxbe+9S3+6Z/+6Yzve/DBB6mtreXhhx/miSeeoKSkhHvvvZevfe1rZ3VdIWYbRZUqKCHELKIoCnfffTc/+tGPpnsoQoizJDUjQgghhJhWEowIIYQQYlpJMCKEEEKIaSUFrEKIWUXK4IS49EhmRAghhBDTSoIRIYQQQkyrS2KaJpvN0tfXh81mO+v9HIQQQggxvVRVJRQKUVZWhkZz+vzHJRGM9PX1TfkmYUIIIYSYGt3d3WfczPKSCEZsNhswejN2u32aRyOEEEKIsxEMBqmoqMj9HD+dSyIYGZuasdvtEowIIYQQl5h3KrGQAlYhhBBCTCsJRoQQQggxrSQYEUIIIcS0uiRqRoQQQohLVSaTIZVKTfcwpoRer0er1Z7350gwIoQQQkwBVVUZGBjA7/dP91CmlNPppKSk5Lz6gEkwIoQQQkyBsUCkqKgIi8Uy65p2qqpKNBplcHAQgNLS0nP+LAlGhBBCiAssk8nkApH8/PzpHs6UMZvNAAwODlJUVHTOUzZSwCqEEEJcYGM1IhaLZZpHMvXG7vF86mIkGBFCCCGmyGybmpnIhbjHSQUjP/3pT1m+fHmuE+qaNWv485//fNrzH374YRRFGfcwmUznPWghhJjpxjYI83q9hEIhVFWd7iEJMWNNqmakvLyc73znOyxYsABVVfnlL3/J+9//fvbs2cOSJUsmfI/dbqelpSX3fC5EiUKIuUtVVXp6ejh27Bg+nw+tVksmk8HlcrFgwQLKy8vl30EhTjKpYOS9733vuOf/8i//wk9/+lN27Nhx2mBEURRKSkrOfYRCCHGJ8Pl8bN++ne3btxOLxXKbgymKQjwe5/XXX2fNmjU0NjbidDqnd7DikqCqKuFwmFQqhV6vx2q1zspg9pxX02QyGR577DEikQhr1qw57XnhcJiqqiqy2SyrVq3i29/+9mkDFyGEuFR1dnby9NNPs2fPHuLxOHaHg+6BIbTZFGVlZdTV1eHz+XjzzTdJp9OsXr1aAhJxRn6/n+PHjzM4OJgLRoqKiqirq5t13zuTDkb279/PmjVriMfjWK1WnnjiCRYvXjzhuQ0NDTz00EMsX76cQCDAv/7rv7J27VoOHjxIeXn5aa+RSCRIJBK558FgcLLDFEKIi8br9fL4449z7NgxtDodqfLVPJ8uI2G14EgOo40dwDE8TElJCbFYjOHhYdra2li5cuWs/C1XnD+/38/u3bsJh8Pk5+djNBpJJBL09PTg9/tpamqasoBk48aNLF++HJPJxIMPPojBYOCuu+7i61//+pRcD85hNU1DQwPNzc28/vrr/P3f/z233347hw4dmvDcNWvWcNttt9HY2MiGDRt4/PHHKSws5Gc/+9kZr7Fp0yYcDkfuUVFRMdlhCiHEReHz+fjDH/7Azp07SaVSNKfK2KHOJ6EdXe6YUIxkUwn8fj/RaJRgMIhOp2NgYIBwODzNoxczkaqqHD9+nHA4THl5OWazGY1Gg9lspry8nHA4TFtb25QWRf/yl78kLy+P119/nf/zf/4P3/jGN9i8efOUXW/SmRGDwcD8+fMBaGpq4o033uCHP/zhOwYYMNrDfuXKlbS2tp7xvHvvvZd77rkn9zwYDEpAIoSYcXw+H8899xzNzc2YTCZ8+UsYYAEArp5tLDAGMGpU4v5Buv0K4XCYbDaLTqfDYDCwaNGiXF2JEGPC4TCDg4OnbZaWn5+Px+MhHA5P2ffP8uXL+drXvgbAggUL+NGPfsQLL7zA9ddfPyXXO+8+I9lsdtyUyplkMhn279//ji1jjUZjbvnw2EMIIWYSn8/H008/za5duwgGg/TGdexW6wAo8zZj795KcqQHJRFiaGiISCRCMquhsLAQRVHweDwcOHBg1u9bIiYvlUqRSqUwGo0Tvm4wGHLnTJXly5ePe15aWppr+z4VJpUZuffee7npppuorKwkFArx6KOPsmXLFp599lkAbrvtNubNm8emTZsA+MY3vsGVV17J/Pnz8fv9fO9736Ozs5M777zzwt+JEEJcJH6/n1dffZX9+/djt9uJx+N0ZeahKhrckU6qwgcZ0usZGRkhmUwSjkSJ115Ni2slV4V3MDDQQn5+Pi0tLdhsNjZs2CC1IyJHr9ej1+tJJBK5dusnSiaTuXOmcgwnUhSFbDY7ZdebVDAyODjIbbfdRn9/Pw6Hg+XLl/Pss8/m0jZdXV1oNG8nW3w+H5/+9KcZGBjA5XLR1NTEtm3bTlvwKoQQM52qqjQ3N7N37168Xi+JxGg9SGGsH3PCi3akDZ3NTFlZGYcPH8bj8ZBfUEDUVklaY2CvcSnXmQ9QkJ9PIBBgy5Yt1NbWUllZOd23JmYIq9VKUVERPT09Ey72GBkZoaKiAqvVOg2jmxqTCkb+4z/+44yvb9myZdzz73//+3z/+9+f9KCEEGKm6unpYfv27aTTaSwWC1arFZ1OR3t7O/rBw1itVsLhMA6Hg4KCAgoKCigqKiIefpNdpnfj1bppU+ahDnWTTCYZGBjgmWee4aMf/Sgul2u6b0/MAIqiUFdXh9/vp6enh/z8fAwGA8lkkpGREaxWK7W1tbMqmya79gohxFlSVZWjR48yPDxMbW0t/rSOFxLz2GAbpKHBQEdHB4qikJeXR15eHjfffDNWq5Wenh7sdjuWiJeXgoXsyVZTYgzjMESw2+0cPnyY5557jhtuuEECEgGA0+mkqanplD4jFRUV1NbWSp8RIYSYq3p6eti9ezd+v59DR1rYZrocn9bFi0GVGy0RampqGBwcxGKxsHbtWq6//nqam5s5duwYlZWV1AS6OJjVMKjJ5+V0PYu6/xuDkiWdTrNr1y5SqRS33HKLBCQCGA1IVq1addE7sJ48ywHw5JNPTuk1ZddeIYQ4Cz6fj61bt9Lf34/L5eK4oRaf1oVWTVHrfxO/3084HCYYDLJ48WJuuOEG3G43CxYswGaz0dbWxsjIMFfpjmNW44Qw0+Jagzs/H7fbjdPpZO/evTz33HP4fL7pvl0xQyiKgs1mw+12Y7PZZtXUzIkkGBFCiHcwtoy3ubmZcDhMb0xLi250Ge8Vuk6K8rSYzWZsNhuLFi3ipptuymU3ysvLWbNmDTqdjmg0SiYaoH7oFTTZFA22JKlkkmg0ysjICCMjI+zatYunn35aAhIxp8g0jRBCnIHf72fr1q0cPXqUyspKDGYrj0frURUNhfEe3JlWsqqaa864bt26cU0aFUWhsbGRYDBIOBzGarWSyQxSxRuk/F78fj9OpxO9Xo/L5cplSPR6vdSQiDlDMiNCCHEaY225/X4/JpMJRVHYp6klorFiUhM0pg5jt9mora3FarWyePFiGhsbT0mlO51OrrrqKpYtW0YwGCQSiaDPxHOvuUorORSzS4ZEzFmSGRFCiNMY2wPE7/fT1dVFd/8gbZZ1oMAaTSsWncrQ0BBms5mqqqoz7sTrcrm45ZZb0Ov17Nq1C6fTObq3iN7EU6FaIhYralTDEr2fvLw87HY7+/fvx+FwcNVVV8261RNCnEiCESGEOI2hoaHclIndbieRSHCL/gBtMRPF+gDF1dVEIhGKi4tZtWrVGXcjh9GA5IYbbiCVSrF37178fj8ul4viTD9t2gUctCwjNfQqRUk/iqIQi8Vobm6WLq1i1pNpGiGEmIDP5+OFF17g+PHjDA8PE4vFCAQCBEYGabBEiUajeDweEokEJSUl1NXVnVWwMJYhWb16NflvraRZoemiKt2DisLR/HVoShZis9nQ6XSEQiG2bNlCd3f3RbhrIaaHBCNCCHGSsaLVrq4uKisrGdCX0mdbiMlsJh6P4/f7yWazdHZ2UlVVxfr16yc1jTKWIVmxYgV+vx+/z0f5wFbc0S5UjZbXtEvZ3zO6VDgej3P48GGeeeYZqR8Rs5YEI0IIcYITi1bNZjOW/DL26hezO1uN370Im82G2WymoKCAuro6rr322nNa8XJihsRms2E2Gbk+r4fCrI80Og4VXkNeSQ02m42CggLa29vZunWr7PIrZiUJRoQQ4gQnFq12dnXx9KCDpKLHnvaTH2wlm80SDAYpLCxkxYoVFBYWnvO1xjIkixYtIhQKkYhFmD/wAnlJLyYd2Kx5RCIRHA4HVquVgYEBjh8/Plr4KsQU2bhxI5///Ocv6jWlgFUIIU5wYtHqsL2BQU0hGrKszhzCqNdRVlZGKpXCbrdTV1d33junjmVIPB4P0WgUZ56JG4ytaLVawgP9xONx4vE4mUwGgNdee42ioqJxvUzE7KWq6kVvBz8dJBgRQoi3nFi0ai6soNncCEB97DDz7BoCgTTDw8Po9XqcTucF2zm1oqKCjRs38uqrr47WhcSDJNJpYrEYZrOZiN5BrduM3W6nvb2dV199dVyXVzE7+f3+UzbKKyoqoq6ubtYt9ZZpGiGEYDQQee6552hpaaGouJhm43Iyig53eoSS4OHzLlo9k7EurStWrMDtdlNaWorNZiMvL48BSy2vmtfxZqKQtrY2wuEwe/fulYZos5zf72f37t309PRgs9ly3xMnbtZ4sTz99NM4HA4eeeSRKbuGBCNCiDlvbO+ZXbt24fV6GVGt+DQOtGqKDaYu7BeoaPVMTuzSOjIywtDQEHq9Hp3BiKpo2KdW0a0UUlFRQWVlJUePHpWC1llqrIg6HA5TXl6O2WxGo9FgNpspLy/P1TVdjNqhRx99lI9//OM88sgj/I//8T+m7DoSjAgh5rQT954pKSnB7XYzz5RibfhVFgXeIB3wXNCi1TMZqx9pbGzEarVSW1vLEqOXmmQ7AHtNy8k65qHT6TAYDFLQOkuFw2EGBwfJz8+f8PX8/Hw8Hg/hcHhKx/HjH/+Yf/iHf+CPf/wj73nPe6b0WlIzIoSYs07ee2bsEQ6HWViSz8jICFarg9LSUoLB4AUrWj0Tl8vF+vXrGRoaIhgM0tvby/I8P2mtm+6Mg8cGXFwV3UYmGkBVVSlonYVSqRSpVAqj0Tjh6waDIXfOVPmv//ovBgcHee2117jsssum7DpjJDMihJizTt575s+tUTpDKn6/n76+PoxGI7FYjEQiQSwWu6BFq2dSXl7O2rVrKS4upqqqisWLFvGheSFsxIioRnbpl1E2r3xcQavUj8weer0evV5PIpGY8PVkMpk7Z6qsXLmSwsJCHnrooYuSeZNgRAgxZ40t4/V6vSTt5RwwLGKr+UqyeQXE43HC4TA+n4/+/n4aGhouaNHqmSiKwvz58ykpKSGZTJJOpwkMDbAyugutmmZYV8DRhF0KWmcpq9VKUVERIyMjE74+MjJCcXHxlGbo6urqeOmll3jqqaf47Gc/O2XXGSPTNEKIOenEZbzOgmJ2mNeColCW7KHKbSagtaHVajGbzaxevZobbrjhoi6ldTqdrF+/nkAgwP79+/F6vbjz8lijacWf0lCc6SKdyVBRUUF+fj5Hjx6VHX5nCUVRqKurw+/309PTQ35+PgaDgWQy+dbUofWiZOjq6+t56aWX2LhxIzqdjh/84AdTdi3JjAgh5hy/38+rr77KsWPHKCws5KC+nqgmD1M2Ro3/zdwy3oGBARYuXHjRA5ExExW0zjeGqI4fRwFsNhtFRUVS0DoLOZ1OmpqaKC8vJxQKMTAwQCgUoqKigqamposWcDY0NPDiiy/ym9/8hi984QtTdh3JjAgh5hRVVWlubmbv3r34fD58plK6DFUAXK624LSOFrFaLBacTueULOOdjIkKWvPy8nC73RgsNv7YY6AqdJBUNCgFrbOM0+lk1apVF70D65YtW8Y9X7RoER6PZ0qvKcGIEGJO6e7uZsuWLUSjUbJ6MwfzGgEoDR0hPrSXmMNBMpmkqqqKoqKiKVvGOxljBa179uwBoLCwEFVV+WVHHv24GdbDTfO6pUPrLKQoCjabbbqHMeVkmkYIMWeMNTc7fPgwyWSSVrWUGEbsRLm+KEpBQQH5+flUVlZelGW8Z2uiglaPx0Nd9DAaNYNHV8yeRIEUtIpLlgQjQog5YaxOpKWlhby8PPR6PU2WYSoGd1DW9TyxcBCXy0UoFCIQCFy0Zbxna6ygtb6+nq6uLnp6eijQRLlM0wbA3mwVg6pdOrSKS5IEI0KIWe/EOpFIJEIsFqO1tZVoJMJlzghu3i4QHB4epra29qIt452MiQpaFxr8zEv1gqLQbFmJNb9EClrFJUdqRoQQs96JdSJanY5Y+WWYB/bS19eH3W6ntLSUaDSKyWRi0aJFM7re4uSC1r6+XlbmhQgb8gmoJv7QZ6Up/DqxaFQKWsUlQzIjQohZ7ZQ6kWwxzdoGDpbeROm80U3Hent7SaVS2Gw2Nm7cOON/cJ/coXXZono+XOpHS4bhtIlQ1kBFRQXFxcV4PB527dol0zViRpNgRAgxa51cJ5LQ22h3rgTAPnIIuzWP+fPnY7FYsFqtNDY20tjYOGPqRE5nooLWrK+HptibXJt8nRKrjqKiIpLJJFarFZ/PJ9M1YkaTaRohxKx0cp1IJJZgR7KWjFlHQdZHRayVgQEtLpeLSCTCFVdcMSPrRE5nog6tZXl55LvzsVqtDA0N0dnZid1uR6vVynSNmNEkMyKEmJV6enrYtm0bkUgEjUaDp2w9UXMR2nScas8rlJWWYrVaL4k6kdM5uaC1rq6O/Px8enp62N6b5LB7HXV18zGZTLKhnpjRJDMihJh1stksr732GgcOHCA/P5+2TD4d+kpQVZaGd5EODNKbCGK1WrHZbFx11VWXbMbgxILWeDxOX18fI5EULe6NZNDw4kAv5cEWotEoe/fuJZvNcsstt1xygZeY3SQYEULMKn6/n9dee40//vGP9Pf3k0il6a5aD0DR8JvYEt04y8uJRqOXVJ3ImYwVtO7bt490Os18ux1r1M8zI252J8swqN0sqsiXDfXEjCXTNEKIWcPv97Nr1y62bduWa+muQWXpwLOUBQ6wRO0gHA4zPDxMOBxm0aJFl1SdyOmMFbS63W5CoRB6vZ6iSBvlqZ5c/5E86T8iZjDJjAghZoWxgtXXX3+d/v5+4vE42WyWZDKJUVUpT+7G4HJRVVXF4OAgdXV1l2SdyOmM7fLa1dXF4OAgvb09NOYFCBvy8atmHu+z0RTeIf1HxDvauHEjy5cvx2Qy8eCDD2IwGLjrrrv4+te/PmXXlGBECDErjDU2C4VC6HQ6IjUbiYQGcYeOk0gkMBgMDA4OUl5ejslkYs2aNbPuB/FEG+oVJwI83GegN2PHqqlmXUWI4uJiOjs72bVrFzab7ZLPDF0qVFUllspc9Oua9dpJT0P+8pe/5J577uH1119n+/btfPKTn2TdunVcf/31UzLGSQUjP/3pT/npT39KR0cHAEuWLOGrX/0qN91002nf89hjj/HP//zPdHR0sGDBAr773e9y8803n9eghRDiRF6vlz/84Q80NzdTUFDAsZSbTvdCsCzElg1h1gxjsVjQ6XSYzWbKyspYuXLlJV0nMpGx6Zr+/n66u7vf6j8ywNL4IHtNy9EYLRQVmU/pP7Jq1apZ97WYiWKpDIu/+uxFv+6hb9yIxTC53MPy5cv52te+BsCCBQv40Y9+xAsvvDBlwcikakbKy8v5zne+w+7du9m1axfXXnst73//+zl48OCE52/bto2Pf/zj3HHHHezZs4dbb72VW2+9lQMHDlyQwQshRGdnJ7/85S/Ztm0biUSC/pSZruLRgtV5gf3ka+NotVpGRkbIZrM4HA7WrFlDeXn5NI98aky0oV4NHt5vOswNxVGGhoZobm5maGiI4eFhXnvtNXp6eqZ72GKGWb58+bjnpaWlDA4OTtn1JhUqvfe97x33/F/+5V/46U9/yo4dO1iyZMkp5//whz/k3e9+N//0T/8EwDe/+U02b97Mj370Ix544IHzGLYQQrzd6r21tRWHw4HWVsgu9wZUjRarvxVb58to5s2jsrKS9vZ2ysrKuOKKKy751TPvZKz/iFarZefOndTW1qLVajl+/DherxdXfgF1tbUY9Do6OjpkuuYiMeu1HPrGjdNy3cnS6/XjniuKQjabvVBDOsU514xkMhkee+wxIpEIa9asmfCc7du3c88994w7duONN/Lkk0+e62WFEAIY7SXy/PPPs337dgwGAx5fmNbq95HWmTEnRqjxvIqi1zM4OEgoFMJisbBu3TpWr149J37oTtR/JBwOU1TdwNZsPYF4ljUGPw6Hg+HhYfbv38+6devQaGSR5VRRFGXS0yVzxaS/Kvv372fNmjXE43GsVitPPPEEixcvnvDcgYEBiouLxx0rLi5mYGDgjNdIJBIkEonc82AwONlhCiFmsbFeIo8//jj9/f0UlZbRXnEjcYMTfSpCVcczGDQq6ayC1WqlsrKSq666ihtvvHFO/bA9pf/I/Pm0ZQvo7TXSN6iS6OmjVBsinU7T39+PqqosX758TgRrYmaZ9N/KhoaG3PK5v//7v+f222/n0KFDF3RQmzZtwuFw5B6zreJdCHHuTuwlkkgkKCoqwqjXYY/1o0nHqe97Frs+m5t2yM/PZ+3ataxdu3ZOBSJwav8Rg8HACkeCJeYgKgpv6JaQP6+GsrIyDAYDXV1d7N69W3b4FRfdpDMjBoOB+fPnA9DU1MQbb7zBD3/4Q372s5+dcm5JSQkej2fcMY/HQ0lJyRmvce+9946b3gkGgxKQCCFQVZU9e/bwyiuv0NHRQTQaJZvNoigKi+bpKOo+gj4TQ6PTMTIygtFo5KqrrpoVjc3O1Yn9RwKBAIqiUB8epEtZRUhjZXOojI/mDaPRaHA6nQwODsoKmzluy5Ytpxyb6vKK8/41IZvNjptSOdGaNWt44YUXxh3bvHnzaWtMxhiNRux2+7iHEGJuU1WVnTt38sgjj3Dw4EG8Ph/+/CXEUllisRgdHR1YNGlMJhNFRUUoisLKlSv54Ac/OGsam52rsema8vJyGhoaKC3M5xPVMfSKyvGInidaRlfZtLS00NPTIytsxEU3qczIvffey0033URlZSWhUIhHH32ULVu28Oyzo+umb7vtNubNm8emTZsA+Md//Ec2bNjA/fffzy233MJvf/tbdu3axc9//vMLfydCiFnL5/Oxbds2fvvb33L06FFKy8oYLL6CkeLVmBwLKNj/KJlMBp/Ph0ajIZPJUFVVxa233orb7Z7u4U+7semaQCBAf38/mUyGUgtc6xjiWX8Rh7W1LC00U1hoJJFIyAobcdFNKhgZHBzktttuo7+/H4fDwfLly3n22WdzTVC6urrGzcmuXbuWRx99lK985St8+ctfZsGCBTz55JMsXbr0wt6FEGLW6uzs5Omnn+b111+ns7MTo9FIr3M5I8WrAShND2DMs+T2WXG5XMyfP59rrrnmtMX1c9HYdM2+fftoa2ujv78fu9dLJWni5gLKXHkoSoZEIiEN0cRFN6lg5D/+4z/O+PpE80wf+chH+MhHPjKpQQkhBLzdR+Tw4cPAaKAx4F7OUPHlADjbX8QYOEhRURGxWIx0Ok1NTQ1XXXXVrO8lci7GGqIBtLS0oNVq+bhTwWSKkIxF6OgbpLOzE7vdjlarlf1rxEUzt0rLhRCXjBP7iITDYQaHhui0LsZTfCUAjo4tFPtHuzmHw2GGhoYwmUxzqpfIudBoNCxfvpzCwkL8fj86RSUeCXH06FHa2towOItZsGABLpcLj8fDrl27ZHWNmHLSfUUIMeP4fD6ef/55fvOb3zA4OEhhYSHDhavwl44Wvxf0bac4dIhoMonZbMbhcJCXl8f73//+OddL5FycuMLG7/fT19dHKBwmUL6Wl1OlFBMiPzEi0zXiopFgRAgxo3R0dPD444+zY8cO+vv7MRqNJJNJjCPH0BQ0UjC4C2PHa2hdrlwvIqvVyuLFi3nXu94lgchZmqgh2guhfLJ+hd92mVk9fJhCm1Gma8RFIX9rhRAzRnt7Oz/84Q954YUX8Pl8aLVa0uk0Xq+XvJSf0j3/D1vfG9jtdvx+PyMjIwAsXryYm2++ec4v4Z2MiRqibbQNYlfDxFQ9R1xrqJsv0zXi4pBgRAgx7VRV5cCBA3zve99jx44dKIpCPAPDiz9CyDzaJDEYDGLVj27gZTAYSCQSVFdX81d/9Vd87GMfo6qqaprv4tIzNl1TUlKC3++nvbWFpf4d6MgwpHGxK1Z4yuqasVVLQlxIMk0jhJhWJ/YQOXz4MHq9npQuD8+SD5HMKyJpKUK/7YeYDDri8ThGozFXhHnnnXdy+eWXSy3DeThlusZupzQb4w+9Vl4aMhEI9FJtTsh0zRyyceNGGhsb+cEPfnDRrinBiBBi2ozVh+zcuZPOzk50Oh0JcyGtNR8gY7ShTYYpPf7faM1GFEVBq9WSn59PfX0911xzjQQiF8DYdE1PTw+tra0UFBQwP+2lOhukQ1PGQfvlXFXhwWrUSjM0MWUkGBFCTIv29nb+/d//naNHjxKPx1FVlbh7PoHFH0DVmdBHhyk49HuMahyNwYDRaESv11NfXy99RC6wiVbX1IajRArfRZMrSYHDSiIRx+FwMDw8zP79+1m3bp0UC4sLRr6ThBAX1UT1IYlkklDlevzLPoqqM6EbacOx60FMmShms5lodHTvlMLCQq655hrpIzIFxqZr8vPzKSoqoqlxOZ9ZmGB9KUSjEQ4ePMjQ0BBDQ0O89NJLbN26VQpa54inn34ah8PBI488MmXXkMyIEOKimag+BECn05Exu0HRYOx6nbyjf0GrVUilVFRVJZvNsnr1au666y6WLl0qGZEpMNF0jYKK1+vj0KFDpBQ9JfMXUpZvZGBggK6uLlKpFE1NTRIYni1VhVT04l9Xb4Fz/Dvz6KOPctddd/Hoo4/ynve85wIP7G0SjAghLoqJ6kOy2SyhUIhsNktB5/MEh1vQDxxAp9OhKApGoxGAdevWcffdd1NTUzPNdzG7nThdEwgEUBSFgYEBMhY3uyxXkPZquDNvCI1Gg9PpZHBwUBqiTUYqCt8uu/jX/XIfGPIm/bYf//jH/O///b/54x//yIYNG6ZgYG+TYEQIMaXGpmV+8pOf0NbWRiqVQlVVooWLiRc0YD/wByxmE2RSuMIdJN7KliiKQkFBAVdeeSUf+MAHqK6unt4bmSPGpmtaW1uxWq1kMhlqnW7298FAXMN/thnYqA6jbWkhm80yNDQkK2xmof/6r/9icHCQ1157jcsuu2zKryfBiBBiSqiqSk9PD6+88gq/+c1vOH78ODabjURGJb74vSTmNQEQHTyCZuggeXl55OXlkUqlSKVSLFq0iI9+9KOsXbtWmpldRGPTNYFAgP7+fjKZDGaDjpvsffwqVsaIxkWPdTkrCrMkEglZYTMZestolmI6rjtJK1eu5M033+Shhx5i9erVU575kmBECHHB+Xw+tm/fzksvvcQbb7zB4OAgFosFY3ENw1XvJmstAjWL6fgWTJ4DKFpNLmOiqiqXX3651IdMo7Hpmn379tHW1kZ/fz9hr5dV2QBv6JfxethFQzhEUTYo+9dMhqKc03TJdKirq+P+++9n48aNaLVafvSjH03p9SQYEUJcMKqqcvDgQZ588kkOHDiAx+MZbTVuNBGedwUjC28EjQ4lHsSw+1EskV70er3Uh8xATqeT9evXA9DS0oJWq6XB7UbxxtnpNfG7LjOXeY9QZDVIQ7RZqr6+npdeeomNGzei0+mmtAmaBCNCiAvC5/Px7LPP8pvf/Ia+vj6y2SzJZBKA+LIPkqq8HACTtxX7kf8m5h9EazKhKIrUh8xQY51uvV4v7e3tuFwurrIOcnTEhV+x0eFcxbqaBDqdTqZrZqmGhgZefPHFXIbk/vvvn5LrSDAihDgvY9mQ3/zmN7z88suMjIxQUFBAJBIhnU6TSqXQd2wnVbIE05G/YB5oxpGfjyYvj0wmQyaTkfqQGWyihmhLoln6C1bzvso0NpuNeFwaos0mW7ZsGfd80aJFeDyeKb2mBCNCiHN2Yjbk2LFjxGIx9Ho9Ea2VaHEdSsfr6HQ6UoNtWF/8LppsCq3BQCqVymVELrvsMqkPmeEm2r/GbgdFsRCJRDhy5Ag6nY50Ok1/fz+qqrJ8+XLJkIizJsGIEGJSVFUlHA5z/PhxHn/8cV5++WU8Hg8ajQad0UxywbV4F14PCmgHjqGLDqPT6SCdQGcwYDKZ0Gq1GAwGVq9ezWc+8xmpD5nhJmqIpqoqPp+Pg4cO0WOoZHWFmzK3SRqiiXMiwYgQ4qyoqkp3dzf79u3jyJEjbNmyhc7OThKJ0ZqBVH4dqeUfAlshABrPYfQalXQmg16vR6vVoqoqBoMBl8tFU1MTH//4x6U+5BJxuoZofdZ6Duoa8PgzfMoqDdHEuZFgRAjxjnw+H8899xzPPfccHo8Hj8eD1+vFbDaj5OUTX3wz2YpVoyfHAmia/4Cmbx9mq5XsW7UhsViMiooK1q5dy5o1a1izZo3Uh1xiJmqIVu5w0tmdZTip5ZFjCmsZkoZoYtIkGBFCnNaJxamvvfYaqVQKg8FANBpFr9cTjiXg+q+A0QZqFqX1VTQHn0FJx0ezJakUer0em83GsmXL+MQnPsGKFSuw2Wzy2/IlaKKGaA6jhpudffxuqIw+bTFDdh3LC5GGaG9RVXW6hzDlLsQ9SjAihDjF2JTMc889xxNPPJFr4+50OglHomSzWQC0ZMm2vAQli9AfeAr8vWSzWTQaDVqtllQqRUFBATfccAOf+MQnZEpmFpioIVrG62V5Nsxe/UJeDbqZHw3hSs/thmhjm0BGo6M7T89m0ejo5n9j93wuJBgRQuSMBSGbN29m8+bNHDhwgEAggE6nQ6vTEXHUEltwHfqDf0Q7dGz0N6KW59Ef34Jep8PicBAIBEin02i1WhYuXMgnPvEJbrjhBpmSmUUmaohW73KgDifYFzDyaKeZ1cOHKbQZ52xDNK1Wm6udAbBYLLMuGFNVlWg0yuDgIE6nE61We86fJcGIEHOcqqqEQiE6Ojp49dVXeeWVVzh8+DChUIhMJoPeYCBbMJ/UsveQLqgFIFV/PYqnBb1eTyqVQqMomEwmzGYzkUiEoqIiNmzYwMc+9jFZsjtLTdQQ7V32QTr8LoJqHnFnNQtqrXO6IVpJSQlALiCZrZxOZ+5ez5UEI0LMUWNZkO3bt7N9+3b27t2bWx2j0WgwGAxkXFWkl78PTUkDCqCmE2iPv4p6eDOKoqDRaMh7q0DVYDCQSCSor6/n4x//uGRD5oCJGqItjarYSqpZVWYnLy9vTjdEUxSF0tJSioqKSKVS0z2cKTG2Uu58STAixBwyURako6MDr9dLPB5HURS0Wu1oG/emv0K78NrR92VS0PoqyuHNKKkIWo0GRatFURT0ej0VFRWUl5dTVVXF+973PsmGzCETN0SzoygKkUiEw0eOoJ/jDdG0Wu0F+YE9m0kwIsQc4fV6efHFF3nllVdobm6mu7ubVCo12pAMUBQN6WwWrQI6nY5M/xE0C66G9h1k9z9NNjyCwWBAq9ej0WhIJBI4nU4WL17MlVdeyYoVK1i6dKlkQ+aYMzVE23Wkg2bLat5TEqEs3yAN0cRpSTAixCw2lgnZtm0bjz76KIcOHcplQWD0N7Z4KoO29gp0S9+N9vg2UvueQa/Xk+ncDU98GUM6gl6jQXlrU7tMJoNWq2X58uV84AMf4Oqrr6awsBCr1SrZkDnqdA3R2vMWEdQ6+ZPPzt/mSUM0cXoSjAgxy5w4FfPmm2+yY8cOXnrpJXw+X26uXqvVkjbYoGEjxoUbUUw2ADR1a1H3Pk02m0Wv05GN+sjqdBgMBhRFwWAw4Ha7Wb9+vRSninEmaoj2MaeGh3szDCW0/KrNyDXqsDREExOSYESIWeDkAGTPnj3s27ePgYGBXCZk7AdExlWJdumNmGpWo2hG/wlQw8OkDr2A0vbaaFbkrYJUs9lMKpUilUpht9tZtmwZ73vf+7j++utlOkaMM1FDtDyDlvc4evm1pxSvxklr3kpWFKakIZo4hQQjQlzCxlbEbNu2jVdeeYV9+/YxODhINBpFo9Gg0WhyPT/GdtQ1LrkOXd2VAKT7j5DY92e0A4fQahSy2SwGgwGdTjdaN5LJ4HA4WLRoEddffz3XX389FRUVkg0RE5qoIVrY6+Wy7Ajb9Y3sjdip9kdYZknO2RU2YmISjAhxCRnLgHi9Xvr7+9m9ezfPP/88ra2teL3eXEFqJpNBURSUwjpMK68ifeRFkgOtpNNplEObyWYypA48hxLoJZVMojEa0RlGa0Ky2SxGoxGXy0VtbS3XXXedBCHirE3UEK3B7cYairPZY+aPfRZ8yUMUayNzeoWNGE+CESFmuBOnYHbv3s3evXtpbW2ls7OTkZER4vHRfWDGlg+mtGZ09Veib9iA1l3+1odkSHmOo6oq6cF2NMO/IJvJoHurHsRoNOamZqqrq2lsbOTKK69k7dq1EoSISZuoIdp6d5SOQIbBcApNzE/l4jpsNpussBGABCNCzEhjAUh7ezuvvfYae/fuZe/evQwMDJBIJEin0wCkUilUVUVVNCg1V2BYsB5j2WKUt1LeaipBqm0HqSMv5zImqqqi1WoxGAzEYjHMZjMlJSXU1tZy9dVXs379eqqrq2UzO3FeJlphszQySCaTZknjolxDNFlhI0CCESFmDFVVCQaDHDx4kD179uSyIB6Ph1gsRjqdRv9Wj49MJkM2myWdTqPRaFAzGYyXfQSNNR+AjKeVZMsrJFq3YVSykM2CouQKUjOZDOl0moKCAq655ho2btwoWRBxwU20wsbtdmMymYhEIrza4qFEG5IVNkKCESGmy4n1H8eOHWP37t3s3LmTo0eP4vV6iUQiwOgGW2PBRzyVwVS1DFPdFWhLFuB75B4ymdEsSXLfM2CwkG7djhoaRFEU1FQKTKZcQaqqquTl5eF2u1m8eDEf//jHWbdunWRBxJSYaIWNTqfD6/Xy38dTtJqbuMzqZ3lhRlbYzHGTCkY2bdrE448/zpEjRzCbzaxdu5bvfve7NDQ0nPY9Dz/8MJ/61KfGHTMajbmmS0LMJdlslv7+fo4fP86uXbs4cuQIhw8fzqWyx/6x1mq1o9MvqkoolsRYvRpL3RXoq1aiGN7ejtwwbzHJ7v1ks1mSB55Dp9ORTadzgcXYTqFarRar1UphYSErVqxgw4YNXHvttbjd7un6Uog5YqIVNl6vF6euAIA3wk4qAhEWm2WFzVw2qWDk5Zdf5u677+ayyy4jnU7z5S9/mRtuuIFDhw6Rl5d32vfZ7XZaWlpyz+U3MDEXnJj58Hg8dHd388Ybb7Bv3z6OHj2Kz+cjlUqd8vchlUoRi8UwGo0YF6zFsvHvUPTG3OuZ0DCptjdId+wabdmu0eQCl7Ei1kwmQyaTwWg05gpSGxsbWbVqldSDiIvudCts8gIxXh4y82SvhaHkIUpkhc2cNalg5C9/+cu45w8//DBFRUXs3r2bq6+++rTvUxTlvLcXFmKmO3na5ciRIzQ3N3P8+HF6e3sZGRkhnU7n2qmPLaPNZrNkVTCXL8JY00Sq5wDJ47tHAxVfH4reSNo/QLJtJ6m2naQ9xwEVo9GITqslrarodDr0ej3pdBqdTkdRURENDQ28613vkoJUMSNMtMLmmoIofaEMx+JWduiWc1uphzKXWVbYzEHnVTMSCAQA3jHVGw6HqaqqIpvNsmrVKr797W+zZMmS87m0ENPudMHHkSNH6OrqIhgM5gpMgdxKlrH6D8XixDx/JbqKZRiqGtGa7QAoFiea9j2j7xnqwP/bL5EcbM8FMKqaHT1PUdDpdCiKgslkwmKxUFRUxLJly7j66qtZt26dFKSKGeV0K2yGlEb8Gjt/9M/jNovsYTMXnXMwks1m+fznP8+6detYunTpac9raGjgoYceYvny5QQCAf71X/+VtWvXcvDgQcrLyyd8TyKRIJFI5J4Hg8FzHaYQF8zYapfu7m56eno4ePAg+/fv58iRI/T09BAKhUin06iqmjt/LPjIZDLo9frRqRSjGffHvoM+v3Lc52fjYZJde0m1785NvSgKZL3duW6qOp2OVCqFVqtFo9FgNpspLy+nqalJpmHEJWGiFTa32WP8osfKYELLlqPD1GiGaZEVNnPKOQcjd999NwcOHGDr1q1nPG/NmjWsWbMm93zt2rUsWrSIn/3sZ3zzm9+c8D2bNm3ivvvuO9ehCXHeTgw8AoEAQ0NDNDc3s2/fPjo7O3PBx1in0xNls6OZC43ehHHeQvTlS1A1BkKv/GK0QFVVQQVVzZIebCPVc4Bo6xuk+lvQapRxy3cB9Ho92Ww2F5AUFBSwYMECFi1axIoVK2hqapIARFwyJlphU2TS8D5nL/s6hylI9VC5ZAkOh0NW2Mwhijr2a9wkfOYzn+Gpp57ilVdeoaamZtIX/chHPoJOp+M3v/nNhK9PlBmpqKggEAhgt9snfT0hzmQs8Ojq6mJgYIBgMMiBAwdobm6mq6sLj8dDIBAgkUjkMhYw+o/q2NQLgNZsx1i+GP28RRjnLUZfVIuifWsjulSC/p/8DWo6iVarRV9YTTIwiJKMotVqgdEgRlXV3AqYVCoFjAYjxcXFLFiwgMbGRtauXUtDQwNut1sCEHHJ8vv97Nu3jy1btqDX6/F6vaTTaRYuXEheXh4ZFVKJOF6vF5fLxcKFC2WFzSUoGAzicDje8ef3pDIjqqry2c9+lieeeIItW7acUyCSyWTYv38/N99882nPMRqNGI3G074uxLnKZrP09fXR0dHB8PAwoVAot8y2o6MDr9dLIBAgmUwC5DIUo1MmSi5gANC7ytCEBnOvO9/9Ocx1l427Xjo4RLL3EMmu/ajwVs2HOjr18lYjsnQ6jdFoRKPRoLz1XK/XU1FRwfLly1m9ejWXX345tbW1lJaWyj/GYlaYaIXNWEO0cFrhl20WSiN91GmGZIXNHDCpYOTuu+/m0Ucf5amnnsrtKQDgcDgwm0d7H9x2223MmzePTZs2AfCNb3yDK6+8kvnz5+P3+/ne975HZ2cnd9555wW+FSHedmK2o7+/n0gkgsfjYceOHRw4cID+/n5CodC41up6vR6AZDKZCz7GClA1JhumeQvRFddhKKnHUFqP1mKn/2d3oAaHUBSFRM9BdM4SEj0HSfUdId59gGxoGI1GM7rkVs2SfWtsY8tus9lsLpixWCxUV1dTV1fHypUrWbduHUuWLMFut0v2Q8xKE62wyWazvNYH/UkDA7pF1BS4KSvUyQqbWW5SwchPf/pTADZu3Dju+C9+8Qs++clPAtDV1TXuNzefz8enP/1pBgYGcLlcNDU1sW3bNhYvXnx+IxeCUzMd2WyWSCTCwYMHefPNN2lvb8fr9RKNRkkkEuOmWDQazbhMx9jU4FhtRiaTIW/xRhzrPoHeXXbKtdV0Cq2rjHRwCIDQzscJv/FE7rNz56lqruZjrAvqWIBSWFhIfX19LgOycOFCKioqJAARc8ZEK2yKfQOU00CPtpQ/+UpwW4axms0UFBTQ398vTdFmoXOqGbnYznbOScxe2WyW3t5eDh06xODgIBqNhmAwyNatWzl48CAej4dwOEw6nSaZTOaKSOHtqZGJaEw2DCV1GIpqMRTXYiiuw7v5ARJd+0azFQuvovD9/x8AKW8Pib6jJPuPkho4SmKwHSWbydV8jI1zLBh5e0WMkgtEHA4H1dXVLF68mIaGBpqamqirq5PpFzGnqarK7t27cytsDh06hN3l5ncDBbRH9FiUJO81tVDmNBONRkmlUmzcuFGmbC4BU1IzIsRUUlWVQCCQWyrr9/vR6XT09/fzxhtvcODAAYaGhnKbxo2tNjmbzz2RobgOx7pPYCiuRWcvPOV8Q/F8El37AIh37mXosa+RHDhGJhYC3s6qaFQVFXJNzODtrIpWq80FH5WVlSxcuJAVK1awaNEi6urqyM/Pl+JTId4y0Qobk17Hh4pGeLDTgT9r5tnEfO4wByl1OGTKZhaSYERcVJlMhqNHj3Lw4EH6+vrQ6/VotVpSqRR79uzhzTffzC2bHdtddrK09kL0BVUYCqrQF1SiL6wivOcZwvueGz1BUbAsuCJ3fsrbR3LwOElPG0nPcZL9x946TSEbCxLv2JMLNk4sZB3b82WsGdlYo6bq6moJPoSYpJP3sBkYGMBsNnOjcYg/xhvwZ808M6TlQ8Uj0hRtFpJgRFxQJwcbJwYTvb297Nixg2PHjhEIBEilUuOmUyZF0aDojajJGAA6ZwkF7/0i+vxKNEbLKacnS+bDW8FIcqgT7+YHRoOPofbcZ4wZmy4Zy6jk+oa8lfEY+0dPp9PhcrkoKyujqqqKpqam3LSLBB9CTN6JK2y6urooKCiAlhb+Rh/k6SEnGx0jHDx4EJ1OJ03RZhkJRsRZG6vbOHjwIC0tLYRCoVxdRDabZXBwkJ07d3L8+HECgUBulcr50Fgc6F3z0OfPQ+cuR+8qQ59fjs5ZQmjPn/G98HMAMrEQxrKFAKiZFClvL6mhTlLDXSSHu0h6Wt/+0EyK0Jt/OuN9jk23nFjHYTabKSoqYt68eSxfvpwrrriCqqoqnE6nFJ0KcYGMrbBJpVL09/cTjUYpLXXwEWcnhw8cAmCJNEWbdSQYEQCk02n27NnDzp076e7uzrUbH5uOCAQCHDhwgEOHDuWaE10YClqrG52zBJ2zmEw0SLxtFwAas52Kzz5y2nfqnG9vvqgmIgz+4ZukfX2kfH2Qndz0zomBh0ajwWAw4HA4KCoqora2lhUrVrB48WJKSkqoqqqirKxMCk6FmCInT9n09/fj9Xoxm80sXLiQroyTHR4dG51JHA4Hw8PDssLmEifByCyWzWbp6enJbVs/MjIybl8TGJ2K6OvrY/fu3fT391/AIOMEigbe2twNjQ7XtXegc5agd5agcxSj6Ay5U6OtO3PBSDYWJBMNoKbio5kOby9pby8pbw8pby+Z4PC4y8RaXz+74Zywukan02E2m3G73ZSWllJXV8eKFStYsGABBQUFkvUQYpqcrilaXGPmtx15ZFSFEU+UZYo0RZsNJBi5hKiqitfrZfPmzbz++uvjgoexHVzHdnENh8McOnSIrq4uYrHYO3zy+TOULURnL0RnL0RrKxj9863nid4jDD3+1j5E2TTWpdeiMea9fV/ZDOnAIGl/P8n+o+M+t+fHt0P23AIkrVY7ro/IWODhcDgoKytjyZIlXHHFFVRXV+NwOCguLpZaDyFmkImaotl1GTbYh3kxUMgRXR2lDgdLSlVZYXOJk2BkmqTTaZqbm9m/fz+Dg4Ok02my2Sw6nQ6j0XjKD8NYLEZzczPPPfccgUDg4gxSo0Wb50RrzUeb5xqdTrEVoLUXkgmP4H/5l7lTi//qvnEBxolOnE4B8L/6CGo6Qdo/MPoIDr2dOTnZOQQiOp0Ok8mEyWQiPz+f2tpaGhsbWbRoEVarlcLCQqqrq2WqRYhLwERN0fK9AyxUKzmiq+WlQAEWo596aYp2SZNg5BxkMhmOHDnCq6++ypEjR4hEIuNeNxgMuakARVEwGo2YTKZcV8+2tjZ27drFwMDAKe+9KBQNWosDrdV9wiOfbCJMaNd/504rv/tXaC2OCT8iOdg+LhhJ9B5B0ZvIBIdIB4dIBwff/u/Q+OmU0O7/PvnjzpnJZMJisVBQUEBDQwMbN26kuroaRVGwWCyUlZVRWVkp0yxCXMLKy8tZu3ZtrilaJpPhQy4zL/njbBsx8fSgg7DRBy0tRKNR2traZMrmEjNng5FsNktnZyePPfYYO3bsYGhoKLdRmU6nyzWy0mq1GI1G9Ho9iqLg9Xo5dOgQHo9num9hHEVvQmtxoMlzjgYaFicai4NsIkp4z9O580rv+DF6dzmKRnvKZyQH28cFI5mIH43JSibszT3SoREywaHRItETDD72tam7OUYDPIvFQklJCUuWLGH9+vVUVFSQSCRwOp3U1tayYMGCcd1QhRCzw0RN0fR6Hdc4fXgDOo6kC3klUU2dzktlqYP+/n5aWlrwer00NTVRXl4uv4zMcHMyGOns7OSf//mfefzxx6cnM3EWtLZCtBY7GpMVjXn0T63ZjsZsIxMNENzxWO7ceXf9BzpH8YSfkxzqGBeMoIKi0aJmM2Qi/nGBxskBxsAjX0JNREffdBFoNBrMZjNWq5WKigpWrlxJY2Mjer0eo9FIcXExixcvZt68eZJ+FWKOOV1TtLWGIBk0OGxWqu0a/D4/Xq8XrVZLe3s73d3drFmzhvnz50uWZAabc8FIZ2cnn//85/nTn/40NStHYLQhl8GMotWRjb5d32FZeBVaiwPFaEFjzBsXYKT9A4w884PcuSW33Y/O6p7w45NDneOCkWwyPvpnKk424icTDZCJBshG/aR8/ePeO/T4N1FTCTLRwOnrNN6iJi58oKYoSq5uY+HChaxZs4aioiIMBgPpdBqHw0FFRQULFy7E4XDIbzNCiJyJmqK1tLTwV3kpTMYo0WiEQ4cO5VbIuVwuAoEAra2tBAIBKWydweZUMJLNZnnhhRd4+eWXzzoQ0RfWoHeXoRjMaAxmMtEA0cOv5F4vuPVetHmu0eBiLMh4qwNovOcgnkf+v9y5rmvvRGfLn/A6SZNt3PNM2AuqSjYeIhsbfWTe+u90YPwU0eDvvkI2GUVNJd7xftL+gbO67/NhMBhwOp0sWLCANWvWUFb29o63FouFqqoqlixZIhkOIcSkTdQUbbQBWpwjR46QReF4/hrcmSxV5mTuFyApbJ3Z5lQwMjAwwDPPPEMwGDzr99ia3oNtxY255/Geg+OCEeO8RafNYCg647jn8fbdKMY81ESEbCJKJhYcDTTiITIh7/ix/vLzZz3GTMR31udeCEajEbfbzZIlS2hsbMTpdOZWAplMJsrLy1m6dCn19fVSwyGEuOAmmrIZ2xk7WrmGfcE8jkRV3u/qg8EBMplMbvGAFLbOTHMqGInFYvh8vknth5Ia6SbefYBsMoaajJEa7hr3um/zA6ioqIko2beCjNE/I5AZn30Z+fO/X5D7mEpms5mysjLWrFlDdXV1rgPr2F90h8NBfX09S5culcyGEGLanDxl43Q6aWlpYWE+DGRTtIb1/GG4hLWZARrcbnQ6nfQimcHmVDBiNptxuVy5JbZnI/TGk4TeePK0r0ePbrtAo5taRqORyspKli9fTlFR0bgOrIqiYDabqaqq4vLLL2fVqlXodHPqW0MIcQk6ccpmcHCQbDZLNpXgw0XD/CKox6MpYIdxFfPTYcoJy26/M9ic+olTUlLCzTffzIsvvojPd3GnNi4UvV6PyWTCbDaTl5dHRUUFhYWFp3RghbeLRZcuXcrVV1/NwoULZdpECDGrjE3ZtLa2MjQ0REdHBw6Hg3XqMM3G1bQl8vh1p5UrEq3M0wZkt98Zak4FIxqNhne9611s2LBhalfTTILdbmfBggVceeWVFBcXn7YDq6IoFBcXo9frcTgc5Ofns3z5cslgCCHmvLGApLi4mF27djE8PEw6neYTJVF+0wXH43m8oVvCqnm9FLrsstvvDDTnfpJVVVXxgx/8AJvNdkH6jJjNZurq6liyZAk22+iKmHfqwJpKpTAajSxYsIDLLruMhoYGyVgIIcR5UBSFiooKbDYb+/bto7+/nyFPP40RH0nqWTdPR0m+M3eu7PY7syjq2C5iM1gwGMThcBAIBLDb7RfkM8+1AyuMbsBWWFjI5ZdfzoYNG6ioqJBvZCGEmCGy2Sxbt26lpaUFn8+H2+3GZDIBEIlE2H/kGGadgsvlIp1Os3HjRllhM0XO9uf3nMuMjNFoNNTU1PClL31puocihBDiAppot99sNovf72fnkS52WtdylSvIklKkdfwMMWeDESGEELPXRLv9DgwMMGypIqkx8kKgkER2hBK/tI6fCWRuQQghxKw0tttveXk5DQ0NFBYW8qEGMxsLYwBsDeWzV63G5XJTU1NDIpGgtbWV3bt34/f7p3fwc4wEI0IIIWalsd1+CwsL8fv9ud1+1zv8LE0fBeCYrppnvW70BuMpreMn0yBTnB+ZphFCCDFrna51/CJliDKni83+Anb5jARjKZZGPNI6fppIMCKEEGJWO13r+GWFGty2CL/vzmMwnCSdyeCW1vHTQqZphBBCzHpjK2xKS0sJhUJks1kSiQTzjSHWJXezKrKTJQvrMZlMpNNpzGYzBQUFMmVzkUhmRAghxJxwutbxJdowlYvrycvLA+DZrizzNCloaSEajcqUzUUgwYgQQog543St4202G/F4nK3dCd5IVtNMCR/VBJhf6pBeJBeBBCNCCCHmlIlaxw8MDGA2mynXRijRhBjI2ni018UNzkFsXulFMtUkGBFCCDEnnVzYWlBQAC0tfKo0wp+GjewPGPiLv5gGNcKHXWZcLheBQIDW1lYCgYAUtl5AUsAqhBBizjqxsHV4eJhoNIpRr+V9BSMsSHcA0KKr5cmhfBS99CKZKpIZEUIIMaedrhdJozJErdPC84FCDgYN1OsS6IYGpBfJFJBgRAghxJx3+l4kWipcIdoDWWJtuzGbzbleJFLYeuFIMCKEEELw9pRNKpVicHAw14ukRJtkpP8gMWDhwoUktGb2euKYpLD1gpGaESGEEOItY1M2CxYswGg00tHRgdfrRafTsWTJEvTmPH7VbuGPvhL2qlU4ZZO9C0KCESGEEOIEYwHJBz7wAVavXo3L5cLlcmGz2Ugn4tii/QAc1dXwe08BGa0JjUZDYWEhg4OD7Nmzh2AwiKqq03wnlw6ZphFCCCFOcrpeJBqNhpXKEPUuE5v9RbSG9fy0zc71Zi+2tjb8fj9HjhzB6/VSXV1NXV2dTNuchUllRjZt2sRll12GzWajqKiIW2+9lZaWlnd832OPPcbChQsxmUwsW7aMZ5555pwHLIQQQlwsY4WtGzdupLy8nMWLF1NSUsKVpTr+Z10Ilz5DIK3jiVANOz0qTqcTu92OyWTi6NGjbNmyhe7ubsmSvINJBSMvv/wyd999Nzt27GDz5s2kUiluuOEGIpHIad+zbds2Pv7xj3PHHXewZ88ebr31Vm699VYOHDhw3oMXQgghptrpNtlzEuHD9uOU4iWDloPpYrIopNNp+vr6GBoaYufOnTz55JNSS/IOFPU8wrWhoSGKiop4+eWXufrqqyc856Mf/SiRSIQ//elPuWNXXnkljY2NPPDAA2d1nWAwiMPhIBAIYLfbz3W4QgghxDnz+/20traybds2PB4PxcXFmM1mhoZHOKqrpik/S6CvjXA4TEFBAS6Xi2w2SyAQoLy8nMLCwjnXtfVsf36fVwFrIBAAwO12n/ac7du3c9111407duONN7J9+/bTvieRSBAMBsc9hBBCiOl0cmFrUVERpaWlGPQ61jlDJH39RCIRrFYrRzTVtMatGI3StfVsnHMBazab5fOf/zzr1q1j6dKlpz1vYGCA4uLicceKi4sZGBg47Xs2bdrEfffdd65DE0IIIabEiYWtx48fp6Ojg1AoBIDD4SCVShG3lvF8jxmAxrwMtcFB6dr6Ds45M3L33Xdz4MABfvvb317I8QBw7733EggEco/u7u4Lfg0hhBDiXDmdTlatWsX111/Phg0bKC8vp7a2FoPBQJUNriqIA9AccfCC0gjWQkpLS9Hr9bS0tEhh60nOKTPymc98hj/96U+88sorlJeXn/HckpISPB7PuGMej4eSkpLTvsdoNGI0Gs9laEIIIcRFoSgKdrudVatWsXv3bgYHRzMg6WSCDc4k6f4BdmkXE9DYebDHxjX2IWzStXVCk8qMqKrKZz7zGZ544glefPFFampq3vE9a9as4YUXXhh3bPPmzaxZs2ZyIxVCCCFmoNN1bS3XBPhU2QBVlhTJrMKz/iLeYAFu99tdW48dO8arr75Ke3s7oVBozmZKJpUZufvuu3n00Ud56qmnsNlsuboPh8OB2Tw6P3bbbbcxb948Nm3aBMA//uM/smHDBu6//35uueUWfvvb37Jr1y5+/vOfX+BbEUIIIabHWEBSXFzMrl27GB4eJp1OU+a08D/yhnmyJcJhbS3Lis2YTEpueXAgEODw4cO0trbS0NBAcXHxnGyUNqlg5Kc//SkAGzduHHf8F7/4BZ/85CeB0d0ONZq3Ey5r167l0Ucf5Stf+Qpf/vKXWbBgAU8++eQZi16FEEKIS82ZurYuUYa4ssRATYENGF0mfNQTolZVKCkpIZVKodPp6Onpwe/3z7klwOfVZ+RikT4jQgghLiXZbJatW7fS1dWF0+mkpaWFwsJCNBoNqqqy/c39vGi4EptJywfLwhgjHlasWIFer6erq4uqqirWrVs37pf7S9HZ/vyWvWmEEEKIC2ysa2sqlWJwcDA3LaMoCoODgwQzOjRaLUMJHT9vd9BoTGFubSOViBGJRObcEuBLO+QSQgghZqiJCluj0Shut5tFxXl8dn6Q5Y4kKgp7EoX8vCsfn8Y52kjNYKCzs3POFLdKZkQIIYSYIicXtiYSCZxOJ/F4HDUeYoNhEAdZdikL8GWMPNxj4HJHhJWKQjwe54033pgTxa0SjAghhBBT6OSurR6Ph2w2y8DAABUVFSxJjXCF28sLXid7/EZGIkn8aR86nTZX3KrVajl69Cjd3d00NTVRXl6OoijTfWsXjAQjQgghxEUw1rU1HA6zaNEiDhw4gN/vR1VVrAYNtxR4qVDT6AK9WK1WSkpK8CdgcKQXY3s7yWSSgYGBWdksTYIRIYQQ4iJRFAWbzYbNZsPlcrFv3z7a29sZGBjAYrGwrMDMiJJHYWEhqgqPdxnoijdwRXqAjRV51NTUEAgEOHbsGP39/SxdupSCggKsVuslnSmRYEQIIYSYBk6nk/Xr1wOjPboqKytJpVKEQiH0ej3xDHhjGdIaPa8lKujsTfPekjDpxOCsa5YmwYgQQggxTU5cAuzz+TCZTGg0GsLhMH6/n3XRPmLzLuO1UD49MR0PtDuoTLq4WvVTOovqSSQYEUIIIabR2Iqbk4tby8rKUFWVinkKl2UCPN1v5kDQSKehiseiWW4vDJL1ddA+C+pJJBgRQgghptlExa2hUIhQKEQikUCvKKylE2ssznFbI2lFhzHupa2/H4CSkpJLup5EghEhhBBiBji5uLW1tZXh4WE6OjooLi7G7XazTB3h3eVhgmkt7Qfa0Ov1zKuo5C8DFi5zxUhcovUkEowIIYQQM8yZmqVFI2HCfj+pVIqGhgZ2+4zs8Jp43WukIhVifTZI+Qmb73V3d9PX1zejMyUSjAghhBAz0JmapY3VkzgcDmpTaRbakhwJGejSV/L7qMqVpjiLlR7i8TjhcJijR4/O6EyJ7NorhBBCzHCqqhIOhxkeHs7Vk/T29uJ0OnOb7x0YiNLhXElf0gSAUUlzWZ6PFaYR8ixmUqkUCxcuxOv1YjabL8rKG9m1VwghhJglzqaeZImqcmN5hGORNM/06vFmjLQnLNxYpUNVs3R3d8/YlTcSjAghhBCXkDPVk0QiYVyxIf5Hvob9ITN1BWYURYvP56d/Bq+8kWBECCGEuMScqZ6kvr4eu92O0tpKgc2Cqqq0t7ej1+uprKxEURSy2SyJRGLGrLyRYEQIIYS4RE3UnySTyWA0Gsd1ch1beTOW9fD7x2dKxlbe9PT04Pf7aWpquqgBieaiXUkIIYQQF9xYPUlNTQ1XXXUVFRUVZDKZXKbE7XZTWlqKw+EAOCVTYrVayWQy6HQ6ysvLCYfDtLW1cTHXt0hmRAghhJgl3qmT69jKmxMzJYlEAp1Oh043GhLk5+fj8XgIh8PYbLaLMm4JRoQQQohZ5GxW3oz1KAEIBAIUFxdjsVgAMBgMpFIpUqnURRuzBCNCCCHELHWmlTfhcJhYLIbFYhnXbySZTKLX69Hr9RdtnBKMCCGEELPYO628KS8vHzcdMzIyQkVFBVar9aKNUYIRIYQQYg443cobnU5HJpMhmUwyMjKC1Wqltrb2ovYbkWBECCGEmCNOric5fvx4rqBVr9dTUVFBbW2t9BkRQgghxNQ7MVMyFoxIB1YhhBBCXFRjmZLpJk3PhBBCCDGtJBgRQgghxLSSYEQIIYQQ00qCESGEEEJMKylgFUIIMeOpqko4HCaZTJJIJDAajbkOoel0elpXgojzJ8GIEEKIaTEWYIxtXw+QSqVOCTZGRkbo7u5mYGCAnp4ewuEwWq0WrVaLxWKhoKAAp9OJ1WqloqKC/Px8YDRImehzDQaDBC4zjAQjQgghptzJgYff76e1tRWfz0cikWB4eJhoNEomkyGTyeSCDYBgMEgqlSKbzeJwODCbzbS2tpJOpykrKyOZTDI8PMzw8DCZTAabzYbFYsFisRCNRsd9rtVqpby8nJKSklMCF8muTB8JRoQQQkwZVVXp6enh2LFjucCju7ub7u5ujEYjDoeDcDgMwPDwMDqdjvLycrq6ukin0yiKgkajweFw4PV60ev1xOPx3A6zmUyGY8eOYbFYqK6u5tChQ/j9ftxuN36/H7PZnPvc+vp6wuEwr7/+OlqtFr1enwtcTs6uFBQUSGByEUkwIoQQ4oI4ua4jHo9z5MgRmpubiUQiGI1GwuEwPp+PWCzGvHnzCIVCDA8PAyomkwmj0UR/fz+LrCGqlF4MqRBWgwqZFI4KC5nkLrLJJK/lvYth3HR2drLCEaLJPEJq+DAFVpWUzkpajZKOh4ikXdjtdhRFwev1ks1m8Xq9FBQUMDQ0hN/vPyW7otfraWhokOzJRSTBiBBCiPNyYvajp6eHoaEhRkZG8Hq9RKNRbDYbS5Ysob+/n76+XvKyIa6pNFOY3kYJQ1RUxHGpAb4+eCMZfQXd3d18cKGP6/XNp17MNPrHG6kEWTVLOBymYV6Yawz7Rl84sZnovNE/HozfRIduPp2dnTS4slxRHmV//yApbSF6iwOr1crhw4cxm80sWbKEvr4+9u/fz/79+8lms5I9uQgmHYy88sorfO9732P37t309/fzxBNPcOutt572/C1btnDNNdeccry/v5+SkpLJXl4IIcQMMJYFGR4e5vDhwzQ3NzM8PEw4HMZsNgOjtR6xWAyj0UhraytNmkN8oXYfTk1kws90ZH14UiWkUil6skW8mWmgxxtFa3HhDYZxuAtRtAZ6Bzx4nCYSagKAHrWIF2OLsCgJnIYsxkx49L+1cYxKihBWstnRwGVleYhbtG/wgfLRawayZoZG3Cxz2BhQSgmGiggEAgSDQRYsWMDx48fPKnsigcn5mXQwEolEWLFiBX/7t3/LBz/4wbN+X0tLC3a7Pfe8qKhospcWQggxA/j9fo4fP05bWxtHjhyhq6sLg8GAzWbDYDCQTiVxRo7znvIQf2jPQ9UUEYlE8BHDaY2QURX6knl4NCXsH4KYtYrj3gx9UT0Fpgx6vZ7DmUqOa+fTGezEnDITi8Ww6+y4XC46E53YY6CqMaxWKwfCdnpd1xGPx4mH4zidTuLxOOl0Cm9vO2U1TlKp0cAlrHXSkp5HfnaYAkMChyaGg17mmwGO8O9DBaTTeVitVmz+w1yWN0yvtvKM2RODwcDChQupqamhuLiYvLw8mc6ZpEkHIzfddBM33XTTpC9UVFR00bckFkIIcWH5fD62bt2K3+8nEAigqioWi4VYLEasZz8frAzTpD+Go2g0+zFStICnvEGKi4t5o8/Bz123sM9npqt/iAULFjAYG8Sut5PQJYinRshkMhQVFZFMJkmlUlRUVDAyMoLNZsNoNNLd3Y3b7SYWi5HJZDAajaRSKYqKimhvbyedTlNeXs7Q0BBtbW3kFcwjnkyTTCaxWq3sp4qXvUWEQiGKHCZq7RlcaQ/VxiBFWQ8dERMmk4lYLEajup819mMADI44OeYsoIsKYiEngUCQYDBIY2MjsViMgYEBOjs7SaVSVFVVyXTOJF20mpHGxkYSiQRLly7l61//OuvWrTvtuYlEgkQikXseDAYvxhCFEEKchqqqdHd388wzz9De3o7D4aCrqwu71cIKTQvXlLRToxnInR/N6NgTKaQrW5wrXk3rbewJ2Mmz5WHyhfB4PJSWlqIoCkNDQ2QymVwA0tvbSzqdxmq1Mn/+/FwgMrZkt7i4GI1Gg6IoBAIBhoeHqa2tJR6P4/V6SaVSWK3Wcatp3G433d3dFBQUoKoqkbRKungpe3p62OaLYbPZyCox4vE4eXl5DGft9Kv5FDNCkcZPkcnPOloh8BIjljy+l/0AWq0Wg8FAS0tL7l6CwSCRSITu7m6ZzjlLUx6MlJaW8sADD7B69WoSiQQPPvggGzdu5PXXX2fVqlUTvmfTpk3cd999Uz00IYQQZ3ByXcjrr7/OkSNHKCgoAEaX1WaiAT5RsBOTJkNWheZIIYdNq9k2ZKW7f5CKigpMpiF8Pl8uuzEwMIDD4cDtdpOXl0cgEKCoqIiCggL0ej2ZTIaqqio0Gg15eXnk5+fjdDpZuXIl8+bNe2vVzalN0cLhMIFAgKGhIWw2G5WVlUSjUfLz80mn00QiEZLJJFqtlsWLFxOPx4lEIkSjUVKpFC6Xi6GhIZxOJyUlJbzS08SzI4spsukpTXWy0OylQu2mQjtCSjGQ0VnQaDT4fD5u0e+gwFhFu6aWVw/0UFI6j6qqKnp7e8dN50hgMjFFVVX1nN+sKO9YwDqRDRs2UFlZya9//esJX58oM1JRUUEgEBhXdyKEEOLCO3l1TEdHB93d3aMrS4wKa91+tniLGB4epqqqistjWwDYmV5IS1+AJUuWkEqlcrUkpaWlJBIJFEVBq9WSTCapqKigvLwck8mE2+2mrq4Op9M5YQfWs1lSO1E314k6sMbj8VwX17HAJRaLEQgEck3W9Ho9ZWVlHDx4kFgsxqJFi+jp6SEWG82eZGJBHEqErLuO4uJiWg7uZZPzNxiUDADhjJ6+vKV0mJbyUreG4WCMxsZGRkZGSKVSAHOmziQYDOJwON7x5/e0LO29/PLL2bp162lfNxqNGI3GizgiIYQQMFqc2tzczPbt2wmFQkQikdHgQAvrrMe5Ke8gTl2SWPFf8axfR29vLztKr6a7uxuTaTTY8Pv9ZLNZ3G43FosFRVEoKCigurqaioqKXOBxIft2KIqCzWZ75xOBmpqaUwKXE1vOt7S00NXVlZv2OTl7cnRoiKyzgAVFRWSzWSLhEM+6r2WJcYCS6BGs2hT18T3Ux/dwjVXDy/ql7Essyq3SkTqTU01LMNLc3Expael0XFoIIcRpjBWnNjc3k06nqays5PDhwyzQ9PAxx27mGaMAeJIWtMYMZWVldHV1EY1GcTgcuWmVeDyOqqrU19czf/58SktLKS8vnzE/YCcKXOx2O9XV1YTDYS677LJTpn0qKysJBAKEQiFKS0vR6/VotVoGBwfRme10uC+jV69n19EdrK8ysNLSz7xQMwWaIDHFjNfrJZ1OU2TTsTL+Gke0i3izpeO0dSZzIWtyokkHI+FwmNbW1tzz9vZ2mpubcbvdVFZWcu+999Lb28uvfvUrAH7wgx9QU1PDkiVLiMfjPPjgg7z44os899xzF+4uhBBCnBefz8fTTz/N/v378Xq95OXlYUp6+RvzFla7ugAIZIxsTq3mD20W3IVmnE4j+fn56PV6/H4/tbW1NDQ0UF5eTmlpKUVFRZfUpnRjQYrNZssFJu+UPamsrMTlcuHz+QAwWayE3A1s16+ipa+OIryQV0A8HsdkMrFM08Ha0BbW8jTrrfl4TOtp0TbQfOAApaWlVFVV4fP5TsmauFwuioqKclml2WbSwciuXbvGNTG75557ALj99tt5+OGH6e/vp6urK/d6MpnkC1/4Ar29vVgsFpYvX87zzz8/YSM0IYQQF5/P5+O5555j79692O124vE41jwzdyi/pkgXIqsqvBiu4xcdZVQ1LMNV4MdutxMOh0mn09hsNt71rndx7bXXUlhYeMkEH2cy2eyJ3+/HYDBQX19PPB5HURRCoTBaZxFl7jIy3d2jm/3lu+nX1VCcaKfeNEJ96CnWodBiLWDQfBX9+mIiJ63OyWQy5OXlcfToUbq7u2lqaqK8vPyS/xqf6LwKWC+Wsy2AEUIIcfZOXK57+PBhgsEgVqsVv99PSUkJTVYPTdGXeWhwKdmipRw/fjxX17Bw4UL6+/vR6XSsWLGCq666CpfLNd23dFGdWDQbiUTweDy0t7dz5MgRkskkMFoM63a7aW5uxul0smDBAlRV5djuLdxQHqNR10ZxavQXeBWFP1R9k4NdXjo6OrjiiivQ6XSMjIzkeqsMDAxQWlrKlVdeSUlJyYyfwjnbn98SjAghxBw0Vqi6ZcsWDh8+jN1uZ4HSgduex4t9FhKJBA0NDaSSCTq7unE6nbm+HgaDAYvFgt1uZ+3ataxYsWJWTh1M1olLoU+czjkxMCkrK2NwcJC+vj4aGhrQ6/W07X6JG8ojVNhUXrHdyoEDB1AUhc+W7iGBnmd6HcQKVlA2bx7ZbJb+/n60Wi0ajWbGF77O6NU0QgghpsfYst1du3Zx6NAh0uk0ZaXFvNd2iGu1bxBK6+gp/TD7OxJ0dHRQXV1Nfn4+yWQSVVUpLy+npqaGiooK5s+fP+umC87HRDUnY9M5Z6oziRoLOexez4DLRSYcJhQKsbSqgJrYXjSoLHZDQNlDR+RK9mtGNxwsKys7beFrbW3tJVdbIpkRIYSYI/x+P62trWzbto2uri7C4TDFNj0f1T/PYkMfAH8eKec33qU484vxer2YTCZCoRALFy7kiiuuYNGiRTPut++Z7uSMyVidSUdHBwaDAb1eTyKRwOVyvZ01qV9AjaYPV+dfWG3pxaikcp/Xkiikvey9HFVrOHr0KKWlpZSUlODz+XC5XLjdbnQ6HUuXLp32/1eSGRFCCJEztmx3YGCAQCBAWVkZ0c43+XvTS+RrwyRVLc9obmSrcR6qxoOqquj1eiwWC5dddhk33XQTFRUVEoCcg9Ot0jm5zuTkrMmb6Tz6w2s5VLOQxbRSFdhOWfwYDcYhvEoUn9dHJBIh3+3CaDTidDoZHh4mm83S3d1Na2srDQ0NFBUVzfglwpIZEUKIWW5s2e7Ro0cxGAx0dnZyRVGCT2ifwaJJMZi28u+eywnnVZGXlzf6Ay4/n2AwyOrVq7nhhhvmXHHqxXKmrImqqqTT6dyqmr6+PuKeVt5Xk+CIbT17DrWiKAofrvKzKL6bA4Ymnjyuw11aRX5+PqlUivLycjo6Okgmk9OyRFgyI0IIIcYt2y0tLcVisTA0NMSi9JtY9Clak4X8XnsrAVMCh9VKKBQiGo1iNBppbGyUQGSKnSlrMjAwwPbt2+no6KC4uJjS0lJGDAYOugpJpVKEQiGqq6tZGH+R/EQXGxJdXFGgo8O4ijbdVezxamhvb0dRFFRVndFLhCUzIoQQs9RYRmTv3r2MjIzgcrlwOBzE43GSsTBXaZr5k7cKs82FqqosXLhwtKPoHF6uO5OcWGycSCQoKyujo6ODnp4egNyKnBK7noqRrVSNbKFUH8q9vz/rplnXxEjtrcTj8WlZIiyZESGEmMNOzIg4nU6y2QzLDd3s9WVQUQAtmxPL0RrTGAwGfD4fbW1tFBQUyHLdGUJRFCoqKrDZbBw/fpzBwUH0en1uefVYg7WA2czhcD39Xis3LHSwIv0mFaE3KdV4SRj62MroRoFj0zVlZWXU1NTQ39/Pc889l1siPJ1dXiUYEUKIWebkjEg2m+F6ZRvvNh5mt2kF/+lfhdlsweFw0NvbSyaTYeHChTQ1NbFgwYIZk7oXo5xOJ6tWrTpj4WtRURF6vZ5+vYO2dBGGvKupj+1BdS1FVVX6+vpIp9OUlJRgNBoJhULjlghnMhmsVis9PT34/X6ampouakAiwYgQQswifr+frVu3cvToUUpKSlDVLO8zvsHV+sMAtAW1GAxGEokE+fn5uN1uGhsbWb9+vQQhM9iJ7endbjfl5eU0NDSwevVquru7CYVCtLS0MDAwQH19PS6Xi5bjDvJ0eWTjcfr7+yktLcVkMp0SnCiKgs/no6qqivLycnp6emhra2PlypUX7ftBghEhhJglVFWltbWVgYEBDAYDeXl5vMd2kKvVvQA8GryMV2MLMJtT+P1+NBoNjY2NvPvd75bakEvMRIWvixcv5sCBA2QyGex2O06nk56eHtLpdK77q6IoxGKxU4KTYDBIOp0GID8/H4/HQzgcPmV/nqkiwYgQQswSPT09bNu2jWAwSGdnJ0tDW9hofgOAx2NXsFe/EouSxu12o9VqZdnuLHFiYOJyuU6pL9HpdJSWlqLT6Yi/lSU5MThJJBLodLrc7sQGg4FUKkUqlXqHK184EowIIcQsMNbUrL29nZqaGt4zz8f7GQ1Eno6vYpd2NelEAp/Pl8uISCAy+0xUXzLREmGDwYDBYAAgEAhQXFyMxWIBIJlMotfr0ev1F23cEowIIcQlbqxgdf/+/YTDYdra2iiyQlqr4eXkEv4cXkxhoRG3241Go5GMyCw3UX1JSUnJhEuEjUYjFotlXL3QyMgIFRUVWK3WizZmCUaEEOISdmLBamVlZa6p2euRCto1txIylqDVRunp6ckVq0ogMrecaYmwoihUV1djsViIxWKMjIxgtVqpra29qMXMEowIIcQl6uSCVbsSwVZgJh63EY/H6U3kUWg3UVxcQkdHBytWrOCmm26SQGSOOt0S4aGhIQYGBtDr9VRUVFBbWyt9RoQQQpydEwtW+zqPc1v8ZRy6JOT/DZ0xN8PDw/T09KDRaKitrZWOqmLCKZyx4GQ6N9GTYEQIIS5B4wpWq6t5z7wjVDJCOGtkYCRIYVUVRUVFDA0NUVxczKpVqygvL5/uYYsZ5sTgZDpppnsAQgghJmesYLW5uZlwOExZ7zM0coisqvDr6Ea6Qgoej4d0Ok0ymaSkpIS6ujppaCZmLMmMCCHEJeTkgtUGs48PqK8D8Mf4aroN89GmIvT09BCNRlm+fDnr16+XfWbEjCaZESGEuEScXLBq1ST4qObPaBWVN5M1bI40YDQaqa2txWq1smLFCm6++WapExEznmRGhBDiEnFyh9VrI83kGYN4Nfk8Z3ov2khQClbFJUmCESGEuAT4/X52797NwMAA1dXVZDIZnhgGo5LmNVbjrJyHq7hcClbFJUmCESGEmOHGpme8Xi82m41UKkVxcTHxeJz/jG0klUpR6PFQUFAgBavikiTBiBBCzHBj0zOJRALvYB/OvlcYKlxDUVER4XA4109EClbFpUoKWIUQYgY7cXrG6XTy8dJO/j5/G1cF/kBvby/5+fnU1dVJwaq4pEkwIoQQM9TJ0zOuSCuN0VcA8Dga8fv9tLa2Eo/HpWBVXNJkmkYIIWaoE6dnfIN9rLM8gUavcsy0kuS862h0BwiFQhQUFLBixQopWBWXLMmMCCHEDHTq9EwHpfoQ/rSRXw0vJRQKYTQaCYfDuFwuKVgVlzQJRoQQYoY5eXrGHu1gRXQrAM8abqLfH6e1tRWfz0dJSQmrV6+WglVxSZNpGiGEmGFOnJ4ZHPTwV+b/RmPIcty0TKZnxKwkmREhhJhBTp6eqa9v4Ln0FbQnnDwyskymZ8SsJJkRIYSYIU6enkkmk9jtdqJ1G/lPzyK6urrwZ1opKSmR6Rkxq0gwIoQQM8T46ZlB+tpbKKqoo6ioiOqaGlxut0zPiFlJpmmEEGIGOHl65qpqI98r/RP1w3/h2LFjMj0jZjUJRoQQYpqpqsrx48eJRqM4nU6ikTBXhf+ISUlR7ybX3ExWz4jZSqZphBBimoXDYdra2ohEIgwNDdEQ201hQQ8JDOwruJXGfLNMz4hZbdKZkVdeeYX3vve9lJWVoSgKTz755Du+Z8uWLaxatQqj0cj8+fN5+OGHz2GoQggxOw0PD3PkyBECgQC15UX8Vf5hAP4cWcqhrmEymYxMz4hZbdLBSCQSYcWKFfz4xz8+q/Pb29u55ZZbuOaaa2hububzn/88d955J88+++ykByuEELONqqp0d3eTSqVwuVys5w3sShQvTnawkqGhIdra2iguLpbpGTFrTXqa5qabbuKmm2466/MfeOABampquP/++wFYtGgRW7du5fvf/z433njjZC8vhBCzSjgcJhQKUVRURKT3MIuyLwCwr+Qj1GkbKI1G6evro7GxUaZnxKw15QWs27dv57rrrht37MYbb2T79u2nfU8ikSAYDI57CCHEbDQ8PExLSwuhUAi7bz+oGdrUcg5latBoNCSTSaxWKxUVFTI9I2atKS9gHRgYoLi4eNyx4uJigsEgsVgMs9l8yns2bdrEfffdN9VDE0KIaeX3+zlw4AB+v5+SkhJizlv5v331jAx5GBk8QFVVFYWFhdjtdgoKCqZ7uEJMmRm5tPfee+8lEAjkHt3d3dM9JCGEuKDGuq2Gw2HKysrw+XxYrVYK6i+nqul6SktLyc/Px+12U1dXh9Vqne4hCzFlpjwzUlJSgsfjGXfM4/Fgt9snzIoAGI1GjEbjVA9NCCGmzVi31WQyiSveiTLk5c3hYWpra3OZkO7ubkpKSqitrZUpGjGrTXkwsmbNGp555plxxzZv3syaNWum+tJCCDEjndhttaa6ivcnXyLf1cOj0fVsb0lRWlpKXl4eLpeLpUuXygoaMetNOhgJh8O0trbmnre3t9Pc3Izb7aayspJ7772X3t5efvWrXwFw11138aMf/YgvfelL/O3f/i0vvvgiv//973n66acv3F0IIcQlYqzbaiwWo6SkhLrEAQqS3aQUI4ZFN1PW78ftdlNdXU02m5VaETEnTLpmZNeuXaxcuZKVK1cCcM8997By5Uq++tWvAtDf309XV1fu/JqaGp5++mk2b97MihUruP/++3nwwQdlWa8QYk4Kh8N4PB7cbjcmvYbGkf8G4JDrOhJ6O0VFRSSTyVxRq9SKiLlg0pmRjRs3oqrqaV+fqLvqxo0b2bNnz2QvJYQQs85Yt1WtVktD4BXc+AlmzWxnFeZMBlVV8Xg8VFRUSK2ImDNm5GoaIYSYjU5cymvSwdXKTgCeSzRy4GgHPT09uYyIdFsVc4lslCeEEBfBWK1IJpOhvr6eed1PYckECevcJJZ8lLKeftxuN3a7nYaGBum2KuYUyYwIIcRFMFYrYrFYsNvtpDVGooqFPbbrSKsanE4nfX192Gw22QxPzDmSGRFCiIvgxFqRTCZDimXsVmrQRE3oMiNoNBpZyivmLAlGhBBiip3c9t3lcpFMJgkEdGg0Gurq6jAajWQyGVnKK+YkmaYRQogpdHKtSG1wO1XRvZiMBoqLi8lms7m9umQpr5irJBgRQogpFA6HGRwcJD8/nwKnlasTz7Nh4EGK/bvJZDKYzWaOHj2KVquVpbxizpJpGiGEmEKpVAqfz8fQ0BDzBp7HokbxZfN4vkuH3dkjbd+FQIIRIYSYUpFIhM7OTtRslveqOwA46roWhykfg8FARUUFZrNZakXEnCbTNEIIMUXGuqkaDAZq9EO40h7SioEO9wYqKytRFIXOzk6Ki4ulVkTMaRKMCCHEFBmrF6murmZxshmANvNy4hhIJBK5R1FRkdSKiDlNpmmEEGKKjPUWMWoy3JI+CMALIyV4Uz3YbDYqKirQ6XTk5eVN80iFmF4SjAghxBQ4sbfIogINYUMxyUwEn30xRqORuro67HY74XAYvV4/3cMVYlpJMCKEEBfYyb1F+jwe/lL5/0ObTVCpMeLxePD5fKRSKSorK6VeRMx5UjMihBAX2FitSEFBAeXl5VgsFjweD9EU0ltEiAlIZkQIIS6wVCpFKpXCaDRi0yRYuqCKzgEvXq+XdDot+9AIcRIJRoQQ4gLT6/Xo9XoSiQQV7b9jWdsfqGn4FG2N7yOdTpNKpWQfGiFOINM0QghxgVmtVoqKihgZGcE2vAeNmiZlLiQvLw+Hw0E8Hpd9aIQ4gQQjQghxgSmKQm1tLYZsDHPgGAA+5zJisRg9PT1YrVapFRHiBDJNI4QQF5jf76etrQ2bdz8aVIZxsWX3ESoqKqirq6O2tlZqRYQ4gQQjQghxAfn9fnbv3k04HGa10gNArLiJIlsRJpOJmpoaCUSEOIlM0wghxAUy1l8kHA5TXl6Oy38AgNS8K1m0aBHZbJb29nZUVZ3mkQoxs0gwIoQQF8hYf5H8/Hy0ySDm4HEAQvmNAOTn5+PxeAiHw9M4SiFmHpmmEUKIC+TE/iJkMnQvuRtTpJu0yQ2AwWDInSOEeJsEI0IIcYGc2F9EY7YyVPvBca8nk8ncOUKIt8k0jRBCXCBWq5XCwkJ6enoIBAJEIpFx9SEjIyMUFxdLfxEhTiKZESGEuEACgQDhcJj+tsMYDvyOEftiDMX1FBUVkUwmpb+IEKchmREhhLgAxpb0BgIBNlRp+KDuRW6N/Y6Wlhaam5txOp00NTXJsl4hJiDBiBBCnKeTl/SWp9sBSJZdznXXXUd1dTVWqxWHwzHNIxViZpJpGiGEOE8nLukFsA7vBSBeshqHw4HBYGBwcJBwOIzNZpvOoQoxI0lmRAghztPYcl2DwUDS14cl1AZAyL0ckCW9QrwTyYwIIcR5GlvOu2/fPkr9bwAwrC3iQPsA5eU6dDqdLOkV4gwkGBFCiPOUTqcZHh6mu7ubda4OADzmejweD6FQCLvdzqJFi2RJrxCnIdM0QghxHlRVpa2tDbvdTkV5OWXRIwD05S3F6XTS3d1NMBikpqZGlvQKcRqSGRFCiPMwVrxaVVVFOp3mL51fwT64k6PRfJRUhLq6Oux2Ozqd/HMrxOnI3w4hhDgPJ+5HYzabsS5ZSbSmgWXpNDqdDqPRiMfjkeJVIc5AghEhhDgPer0enU6Hz+dDpxstVrVYLLkpmVgsJsWrQryDc6oZ+fGPf0x1dTUmk4krrriCnTt3nvbchx9+GEVRxj1MJtM5D1gIIWaSdDqN1+tlz9ZnWfjaZ9Fv/wFHDh8mFAoBsh+NEGdj0pmR3/3ud9xzzz088MADXHHFFfzgBz/gxhtvpKWlhaKiognfY7fbaWlpyT2XIi4hxGzg9/t58803URSFy/L6KYv1oEupbB0YYMTrpaCggJKSEtmPRoh3MOnMyL/927/x6U9/mk996lMsXryYBx54AIvFwkMPPXTa9yiKQklJSe5RXFx8XoMWQojpdmIL+IULF7LKMNoCvkW/DK1Wy8jICACrVq2S/WiEeAeTyowkk0l2797Nvffemzum0Wi47rrr2L59+2nfFw6HqaqqIpvNsmrVKr797W+zZMmS056fSCRIJBK558FgcDLDFEKIKRcOh/F4PJjNZuKeVpyBQ6go6Fd+lEadk1QqRSaTkVU0QpyFSWVGhoeHyWQyp2Q2iouLGRgYmPA9DQ0NPPTQQzz11FP853/+J9lslrVr19LT03Pa62zatAmHw5F7VFRUTGaYQggx5YaHhzly5AiHDx8ms/f3AHjM84kb3DgcDlwuF+l0WlbRCHEWprzp2Zo1a7jttttobGxkw4YNPP744xQWFvKzn/3stO+59957CQQCuUd3d/dUD1MIIc6a3+/nwIED+P1+9Ho9S9VDAOzL1nP4reLVZDIpq2iEOEuTyh8WFBSg1WrxeDzjjns8HkpKSs7qM/R6PStXrqS1tfW05xiNRoxG42SGJoQQF8VYrUgmk6G+vh61bw/uZB8ZdPjLriY6HKGnpwer1UplZaWsohHiLEwqM2IwGGhqauKFF17IHctms7zwwgusWbPmrD4jk8mwf/9+SktLJzdSIYSYAcY6rubn5+N2u0mj46CykOOWlcQwYzabOXr0KFqtVlbRCHGWJl1Zdc8993D77bezevVqLr/8cn7wgx8QiUT41Kc+BcBtt93GvHnz2LRpEwDf+MY3uPLKK5k/fz5+v5/vfe97dHZ2cuedd17YOxFCiIsglUrh8/kYGhrC7/cTStl5OHw1hFWcqR7y8vJwuVwsXbpUVtEIcZYmHYx89KMfZWhoiK9+9asMDAzQ2NjIX/7yl1xRa1dXFxrN2wkXn8/Hpz/9aQYGBnC5XDQ1NbFt2zYWL1584e5CCCEukkgkQmdnJ6qqUlRUhNPppLi4mMHBQQwGAxUVFZjNZgoKCqZ7qEJcMhRVVdXpHsQ7CQaDOBwOAoEAdrt9uocjhJijVFVl9+7dvPzyy6CqXK/fRYftMoKG0V/GPB4PiqKwYcMGVq1aJVM0Ys4725/fU76aRgghZouxepHq6mqq0q0s9/2Zd3f/H0jFcv2REokERUVFEogIMQnSjUcIIc7SWG8RrVbL+xLbANiRnE9n3yA2m42Kigp0Oh15eXnTPFIhLi0SjAghxFk4sbfIkvwsNWonWRT2W9ZjNBqpq6vDbrcTDoelt4gQkyTTNEII8Q5UVaW1tZVwOExZWRmL/aPtDbqsq3BULUNRFHw+n+zQK8Q5kmBECCHeQU9PD9u2baO3t5fs8DEWZw8D8Lr2MjKZjPQWEeI8STAihBBn4Pf72b17NwMDAzgcDv7/7d17XFR13gfwz8yZ+wz3OzIIKkqGCkkqXtKSldQtrWfLdX28lLXrrpZurWm7a09tW2ptZT0+ae1u2uspzXw021yzDG+UdwWFvICIgAICMgMzw9zP7/ljOscZGFQKGZDv+/XiBXPOd875nS/DnC+/8/udyVGdBCdhOO1MQF6p526rDoeD7i1CyE9AY0YIIaQNwq3fm5ubERoaiubmZlyVRiJBqkFZ0nTE10kRHh6OpKQk8DxP9xYh5EeiYoQQQtpgNptx4cIFWCwW1NXVob6+Hpci9cgNehLhfBSiozk0NzfDaDSif//+NFaEkB+JihFCCGmDMJVXrVZDr9eD4ziYzWZctlphtNgRHx+P2tpa6PV6GitCyE9AY0YIIcQPxhgqKio8U3VlMvzM9m+MibMjJiYGarUadXV1uHDhAmJiYpCZmUljRQj5CahnhBBC/Lh06RIKCgpgs9kgKf4Sd0QfQkrzUdRHPQ9HbCyam5tRVVWF9PR0JCQkBLq5hHRr1DNCCCEtGI1GHDt2DBUVFYiLjsT0iNMAgNzmO3C6oh42mw0OhwM6nQ56vZ4uzxDyE1HPCCGEeGGMoaCgAKdPn4bFYsF93FFEaZrQ6FZhl3UQGix14HkeAwYMQEhICM2gIaQDUDFCCCFeKisrsXfvXrhcLvQNcSNHVQgA2GYbDl6uQUpKb3AcB61Wi759+9IMGkI6AF2mIYSQHxgMBvz73//GmTNn0Gwx4yHZXsgkPIrscTivGgyXywWLxQKj0QiVSkUzaAjpIFSMEEIIPIXI119/jTNnziAoKAhp2gb0k9fCzjisrxsCo7ERPM+juroaYWFhNIOGkA5El2kIIT2e0CNy8uRJmEwmOJ1O7Cp1Q9UnB0EKwKWLQ4hOh7i4OJSVlWHo0KE0g4aQDkTFCCGkRzMajcjLy0NhYSGCg4Nht9sBAJcvX8aWs0CfPn2g1SpgNptRW1uLiIgIpKSk0OUZQjoQXaYhhPRYwsyZkydPoqGhAVev1iOLHYWroRK9e/eGUqlETU0NTCYTLBYLZDIZsrKyqFeEkA5GPSOEkB5LmDnT3NwMmUyG+4LK8CB3Gj8LKsXCEh5R8Z4PwIuKioLZbEZ6ejrS09OpV4SQDkY9I4SQHqmhoQFbtmxBQUEBzGYzejnLMEm6HwBwVHoXmFyLq1evwmw2o6mpCYMHD8bo0aNp0CohtwD1jBBCehTGGE6fPo3PPvsMx44dg81mg85yEb9PPAqZhCHPGIPd8jQkJytRW1sLjUaDzMxMTJgwAWFhYYFuPiG3JSpGCCE9htFoRH5+PrZs2YKKigowxpAUAixNOAot58LZ5jCsuXwnONUVhIWFoampiQoRQjoBFSOEkB5B+LyZvLw8XL16FcnJyeAbyrBMn49wuQMXrTqsqMiAKigMCoUCKpUKd9xxByZOnEiFCCG3GBUjhJDbHs/zOHDgAL777jtcvHgRjY2N4DgOMqcEVl6GKrsGfy2/CzYoYb16FaGhoejVqxfGjBkDvV4f6OYTctujYoQQclszGAz45ptvsHXrVthsNlitVgCA2+2GzS3Hc0X9oVapYJfrEBcbC4PBgODgYJo5Q0gnomKEEHLbYYzBbDajtLQUO3bsQH5+PqqrqxEXF4fJ0dWQ8Q5srnIgKSkJTQCaeB681QqTyQS73U4zZwjpZFSMEEJuKwaDAYWFhTh16hS+/vpr1NbWQiqVQsO58ZuYAmRH1oJnwAmDFpVVVYiOjobD4YBWq4VSqURaWhoefvhhGidCSCeiYoQQ0u0xxmAymVBUVITc3FzU1dWhtLQUly9fRkREBPop6vHCoMvopXHCzYC/l8ah2KyBUsnDarWirq4Oer0emZmZmDRpEsLDwwN9SIT0KFSMEEK6NYPBgIMHD+LQoUM4fPgwzGYzlEolzGYz4sPUmNevHD+PrYNUAlRZ5fhrkR6lrmioVIBEIoHb7UZcXBymTJmC8ePHU48IIQFAxQghpNvx7gnZsWMHSkpK0NDQgMbGRoSFheHq1atotpixaUw9koOcAIDtl4Lx98q+cMm0cDiaoVAoEBERgeTkZIwcORL3338/pFK6KTUhgUDFCCGkyxOKD4PBgMbGRpw7dw6nTp3C4cOHceXKFWg0GsjlcmhUCridDvA8D04mx/+W6DAjpRlrK/piX7kbMpkDycm9oFAoAAD9+vXDmDFjkJmZSYUIIQFExQghpMvxV3yUlJTg0qVLKC4uhtFoBAA4HA4olUqEKVzIibyEaf0s+KAiGf9nBDiOw/9d0OLfVeHQhWigVDqgUChgsVhQX1+PgQMH4t5770V6ejrNmiEkwKgYIYQEjFB0NDQ0wGKxQKPRoLm5GYWFhTh79iyuXLmCkpISGI1G6HQ6uFwuNDU1geM4uB02jIq14YGkOmT3skIhZQCA+6Oq8FVVfxiNRsgUSvASDhzHwel0IjIyEowx3H333Xj88ceRlpZG9xEhpAugYoQQ0uG8ezYYY5DJZHA6nbBYLGCMiQNHi4uLUVhYiPLyclgsFjQ1NcFgMMDpdEKtVsPhcMBms0GtVqOxsRHNzZ6xHs8NNuD++EaEKXlxn0UGJT4u0WJPXRgUas8+pFIptFot7HY7IiMjER8fj5SUFEydOhVJSUmBSxAhxAcVI4QQnx4Ks9kMxth14yUSCbRaLeRyuU+RAQAmkwnnzp3DxYsXYTQaYTAYYDAYYLfbYbfb4XA4IJVKYbPZ4HB4Lp2EhISA53nU1NTAZDJBp9N5YsyNGBjuwuBYBz49r4TT6YRcLkei1o4wJY96qxTby1XIrQ3HObMWLpcLHMdBpVLBarVCKpV64hMTkZGRgSFDhiAtLY1mzBDSxfTYYoTneZSXl2Pz5s04dOgQ6urqIJVKIZFIIJPJ4Ha7wXGe7l2lUgm5XC525woxMpkMUqlU/C5QKBSQSCTif4BKpRIqlQpSqRRutxtOpxMKhcLz2Rg/bIcxBp7nIZPJoFQqW3UdSyQSREdHw2azoaSkBOXl5XA4HD7rhW15P1dYLhwLz/PgOE5sr9BGoc3Cc5RKJaRSKXieF//D9M6L8P1m2u5NpVKJz7fb7VAqleA4DgqFQjzRtPVdLpeD53lxX8IJx+12i4/b2+UukUig0WjE343wX7i/x965UCqVsNvtcLvdPsuEk2tb3+VyORhj4vG3XCbkU/hZuGzhcrnafCwcs8Vi8bvcm78YoXg4e/YsKioqUFtbC5PJBJfL5TdnHMdBrVaLr2me52G322G1WmGz2WCxWMDzPHQ6HTQaDRhjaG5uhs1mE39PjY2NcDgc4DgOOp0OHMfB0WxGH50NAxIkuDPChPSIegyKcEHJefa7uyIal2xSOBwOfHwxCuuLbThYzUEilf3wmrJCp9OJr4uQkBCkp6djxIgRuOuuuxAVFQWdTkeXZQjpgn5UMfI///M/eP3111FTU4MhQ4bgv//7vzFs2LA24zdv3oxly5bh4sWLSElJwcqVKzFp0qQf3eifqry8HMuWLcPWrVthsVgC1g7Sft4Fk791QkF5s9uSSqXgOK7V9oX/8r0fC9v2XuZddEql0jZnZHg/V3iO9zaE9cJyoWDked5nnfdj4b9+obhzOp3ierlcDoVCAZnM8yfucrngcDhaxXAcB5vNBqfT6bPM4XDAbreD5/lWxyEUIS6XS9yWUKiazWa43W5otVpYrVbxA+nkcrknn+ARp3EjVeVAgsaFryoAh9sNg8GAJXdZ8MQdrf8eG2xS5F9VQMu5IZMp4HK5cKRWAZ6XQSbnoVKpoNFoUFdXB7vdDo1Gg9TUVNx3330YPXo0EhISqAAhpItrdzGyadMmPPPMM1i7di2GDx+OVatWIScnB+fOnUN0dHSr+AMHDmD69OlYvnw5fv7zn2PDhg2YOnUqTpw4gbS0tA45iPYoLy/HokWLsH379jb/8yNdl/dJ3B+32/2Tti+VSn320bIHybtg8FeYeG/Du1Dx/ln4LhQRAMReK++iRSgEhILJ5XKJbRJ6wNxut08vXsuiRSgCHA6HT0ElxAjLFAoFpFIp7Ha7uD+hd8g710LPjc1mE34j0HBuBHMOhAdJoQoFTtfLYJNIYLPZcG+CCzNSnYhS84jWADEaHoprtR8q/q1GQSODy+XC2QYpTA4JzhmkKG5SoKBOhpMNKpSbOfD8tbbrdDo4nU44HA6Eh4cjPDwcJpMJMTExGDhwIEaOHImRI0dCr9dTEUJINyFhN7o43MLw4cNx9913Y/Xq1QA8lzv0ej2eeuopLF26tFX8tGnTYLFYsH37dnHZiBEjkJ6ejrVr197UPpuamhASEoLGxkYEBwe3p7k+eJ7H+vXr8Yc//AEGg+GmnhOpkSBY2Xp5ow24av3hv1gJkBzW9j0KmuwMtRZPrFQC9L1OrMnBUGO+9isZENF2rNnBcNnkGyu897Z8C7Y4GSoafWO5NjZtdTKUGX1j5Zz/WJsLON9w7b/n/hFSsVsdALzPBQ43cLbeN1bdRjns4oHv63xjtXL/sW4GnLpyLbZvmARBSv8nIcaAk16xSaESBLcRCwCFV3gweAoPffC118K1okXoqQFO1/Fw/3DSjNUCERopeMbAcRwYzwNehUipUQKn2/NzjFaCUCUD+yGW4zi43C5I4Dn5lxoYbE7PJaJewRyi1DxknBQyjgPj3XC7XZDLZJDLOBTVS9Ds8rQpXuNCnzApZFJACh5KmednuRSQc8DXZQxXTJ5CJjNeinsSAJkUUHAMahmgkUug4nioZcBrh6U43+S5xDIl2Y5nh9oRrGAIUaDV62jadgUO1WngdDoxfYATb4x1+Kx3uIGqZg4XG4G3TihwxhzsKagkDCqNFgaDEQqFwucSntFoFHtlwsLCYLFY4HQ6ER4ejtDQUERHR+Pee++lnhBCupibPX+3q2fE4XDg+PHjeP7558VlUqkU2dnZOHjwoN/nHDx4EM8884zPspycHGzbtq3N/QgD3QRNTU3taWabampqsGPHjnZt7y/3KvHbTEWr5asO2fH7rzxtjNZKUPKUrs1t/P2EA7/+wvOfZJACKL5O7IZCJ2Zs9XzEuUwKnF3Qduy2s048tMkqPj71Wy0UnP834V2lLkz4qFl8fOgJLUJV/mMPVLow6oNrsbmzNOgV7L9yKahxI+O9a13rX0xXo3+E/8ql5Kob/Vdfi930CzXSY/3HVpl49HrTLD7+4EEVRiX6f7kabQxhK03i43cnqzGhr/9Yp5tB8ddrsW/lqDA1tY0qB4Di5Sa4mKeIeHW8CjMGtR0b/poZTQ5PkfLiOBWeyGj7z6vPajsqGz1jXxZncViQ2TIP115zQ/7hxtk6zxiSJ4cwLB4hxPLwFENy8fGYj4HCOs/v9dFUYNko78ssvpdcJmwC6iye3o/hscALI9v+v+R/v2c4/8OfjZLjkRTsG+twA412CRodEvDsWk/RkRoOz3+rQG2zBPVWKRqZFjVWKeQKz7gRnuehUvFQKpVwuVyQSKTi2CChF8TlcomXnEJCQiCVShEXF4eBAwciKSkJiYmJGDx4MPWEENKNtasYqa+vh9vtRkxMjM/ymJgYnD171u9zampq/MbX1NS0uZ/ly5fjpZdeak/TborVaoXBYGh1Hfx67C6GJnvrN2m719UABqDR1vYbudXJfGIN1rZjLU7fdVeb226r2dEylkHO+d92y2Oob2ZwuP3HtmxffTODTHqtHd5rrza3jg1S+G9zXYvYOgvD5Sb/sVcsLWKbGS61iBX69EyO1m3wjvU+PbU8ZIOVocrkP/bafjxParIx1JjbipWIeWGMwexgqLMwT1DLNEsAN8/E7TY7mCePEp8Qz0kdgJtdi220A5dNTFzH2A9xP3TS2F3XLiPVW4Ez9QwuHnAxCZxuwMl7ep1cPNB0rd7HmavAxjMSOHlPYdHsBKwuwOqSwOoCzhuvNW53pRwPfi6F0S5Bkx1ockhgcwMymRxKpRImkwkyGQ+FQoEykxNlZz1vM263GzqdFCEhIbDb7VCr1eIgYADQ6XRobGyEXC5HcHAwlEqleBkqMTERQ4YMQVJSEvR6Pfr27YuYmBgoFAoalErIbaBdl2mqqqrQq1cvHDhwAFlZWeLy5557Dvv27cPhw4dbPUehUODDDz/E9OnTxWXvvvsuXnrpJVy5csXvfvz1jOj1+p98maaqqgpPP/00tm3b9pPHFpDbW8uxId7jPQDfcSH+YoT1wpgTYQyH8F0Yj+E9wFQYSCuMDxHGlUgkEjidTp+ZUsK9O4Q44bH3SVkYFyJssyVhDIbQjpaDb4WxKN7bFGb/OJ3OVtsTZpwJg2TlcjmkUs/sF4fDAblcDq1WC5VKBZfLJc5AEmZ4CYNyhcsu4eHhCAsLQ//+/TFkyBAqPgjphm7JZZrIyEhwHNeqiLhy5QpiY2P9Pic2NrZd8QCgVCqhVPoZqPETxcbGYtKkSdi9e/dNjxkhPZN3je5ddNxIy6JDONH7mwXkXdAIzxGKAqEwEGKEYkKIE8aWMMbEqc8tCweXyyUOYPUufFoSpmN7D9z1nrLsvU2huBEKipazaYSiQ/j7FaZOq1QqBAUFibN+5HI5dDodoqKikJiYiNjYWERFRaF///6IiIgQi6ywsDAEBQVR8UHIba5dxYhCocDQoUORm5uLqVOnAvC8OeXm5mLBggV+n5OVlYXc3FwsWrRIXLZr1y6fnpXOIpVKMX78eIwdO5Zm0xC/bjSbxnu994naO9a7yBDWC4WD9/OFE7jQqyGMk/B+LJzsFQrPlFa32+0zHdm790Qg9Ih4T6kVCoyWs2mEG4RpNBq4XC5xH0qlEmq12m8BI5PJxPuMCNuy2WywWq3iPUx0Oh1iY2PFyyuDBw+GRqPxuQOrVquFQqGASqWiHg9Cerh2T+195plnMHv2bGRmZmLYsGFYtWoVLBYLHnvsMQDArFmz0KtXLyxfvhwAsHDhQowdOxZvvPEGJk+ejE8++QTHjh3D+++/37FHcpN69+6NVatWISgoiO4z0g11hfuMCAVFy8sywjp/vHs7vHshWq73vqzSsqjx3mdH3WdEKAa8i4cBAwagf//+1+1Svd4dWIX1Op0O4eHh1LNBCLmhdhcj06ZNQ11dHV544QXU1NQgPT0dO3fuFAepVlRU+Lwhjxw5Ehs2bMCf//xn/PGPf0RKSgq2bdsWkHuMCHr37o3169fjpZdeojuw0h1Ye/wdWIU8UPFACAmUdt9nJBA66j4jhBBCCOk8N3v+bvuOWoQQQgghnYCKEUIIIYQEFBUjhBBCCAkoKkYIIYQQElBUjBBCCCEkoKgYIYQQQkhAUTFCCCGEkICiYoQQQgghAUXFCCGEEEICqt23gw8E4SaxTU1NAW4JIYQQQm6WcN6+0c3eu0UxYjKZAAB6vT7ALSGEEEJIe5lMJoSEhLS5vlt8Ng3P86iqqur0D/BqamqCXq9HZWUlfSZOGyhHN0Y5uj7Kz41Rjq6P8nNjgcoRYwwmkwnx8fFtfqo50E16RqRSKRISEgK2/+DgYHqB3wDl6MYoR9dH+bkxytH1UX5uLBA5ul6PiIAGsBJCCCEkoKgYIYQQQkhAUTFyHUqlEv/1X/8FpVIZ6KZ0WZSjG6McXR/l58YoR9dH+bmxrp6jbjGAlRBCCCG3L+oZIYQQQkhAUTFCCCGEkICiYoQQQgghAUXFCCGEEEICqscVI8uXL8fdd9+NoKAgREdHY+rUqTh37pxPjM1mw/z58xEREQGdTof/+I//wJUrV3xiKioqMHnyZGg0GkRHR2Px4sVwuVydeSidZsWKFZBIJFi0aJG4rKfn6PLly/jP//xPREREQK1WY9CgQTh27Ji4njGGF154AXFxcVCr1cjOzkZJSYnPNhoaGjBjxgwEBwcjNDQUc+fOhdls7uxDuSXcbjeWLVuG5ORkqNVq9O3bFy+//LLP51P0tBzt378fDzzwAOLj4yGRSLBt2zaf9R2Vj1OnTmHMmDFQqVTQ6/V47bXXbvWhdYjr5cfpdGLJkiUYNGgQtFot4uPjMWvWLFRVVfls43bOD3Dj15C3efPmQSKRYNWqVT7Lu2yOWA+Tk5PD1q1bx4qKilhBQQGbNGkSS0xMZGazWYyZN28e0+v1LDc3lx07doyNGDGCjRw5UlzvcrlYWloay87OZvn5+WzHjh0sMjKSPf/884E4pFvqyJEjLCkpiQ0ePJgtXLhQXN6Tc9TQ0MB69+7N5syZww4fPswuXLjAvvrqK3b+/HkxZsWKFSwkJIRt27aNnTx5kj344IMsOTmZWa1WMeb+++9nQ4YMYYcOHWJ5eXmsX79+bPr06YE4pA73yiuvsIiICLZ9+3ZWVlbGNm/ezHQ6HXv77bfFmJ6Wox07drA//elPbOvWrQwA++yzz3zWd0Q+GhsbWUxMDJsxYwYrKipiGzduZGq1mr333nuddZg/2vXyYzQaWXZ2Ntu0aRM7e/YsO3jwIBs2bBgbOnSozzZu5/wwduPXkGDr1q1syJAhLD4+nr311ls+67pqjnpcMdJSbW0tA8D27dvHGPO86OVyOdu8ebMYc+bMGQaAHTx4kDHmeUFIpVJWU1MjxqxZs4YFBwczu93euQdwC5lMJpaSksJ27drFxo4dKxYjPT1HS5YsYaNHj25zPc/zLDY2lr3++uviMqPRyJRKJdu4cSNjjLHTp08zAOzo0aNizJdffskkEgm7fPnyrWt8J5k8eTJ7/PHHfZY9/PDDbMaMGYwxylHLE0lH5ePdd99lYWFhPn9jS5YsYQMGDLjFR9SxrneiFRw5coQBYOXl5YyxnpUfxtrO0aVLl1ivXr1YUVER6927t08x0pVz1OMu07TU2NgIAAgPDwcAHD9+HE6nE9nZ2WJMamoqEhMTcfDgQQDAwYMHMWjQIMTExIgxOTk5aGpqwvfff9+Jrb+15s+fj8mTJ/vkAqAc/etf/0JmZiYeeeQRREdHIyMjA3//+9/F9WVlZaipqfHJT0hICIYPH+6Tn9DQUGRmZoox2dnZkEqlOHz4cOcdzC0ycuRI5Obmori4GABw8uRJfPvtt5g4cSIAylFLHZWPgwcP4p577oFCoRBjcnJycO7cORgMhk46ms7R2NgIiUSC0NBQAJQfwPOhsjNnzsTixYtx5513tlrflXPULT4o71bheR6LFi3CqFGjkJaWBgCoqamBQqEQX+CCmJgY1NTUiDHeJ1lhvbDudvDJJ5/gxIkTOHr0aKt1PT1HFy5cwJo1a/DMM8/gj3/8I44ePYqnn34aCoUCs2fPFo/P3/F75yc6OtpnvUwmQ3h4eLfPDwAsXboUTU1NSE1NBcdxcLvdeOWVVzBjxgwAoBy10FH5qKmpQXJycqttCOvCwsJuSfs7m81mw5IlSzB9+nTxQ98oP8DKlSshk8nw9NNP+13flXPUo4uR+fPno6ioCN9++22gm9KlVFZWYuHChdi1axdUKlWgm9Pl8DyPzMxMvPrqqwCAjIwMFBUVYe3atZg9e3aAW9c1fPrpp/j444+xYcMG3HnnnSgoKMCiRYsQHx9POSI/idPpxKOPPgrGGNasWRPo5nQZx48fx9tvv40TJ05AIpEEujnt1mMv0yxYsADbt2/Hnj17kJCQIC6PjY2Fw+GA0Wj0ib9y5QpiY2PFmJYzR4THQkx3dvz4cdTW1uKuu+6CTCaDTCbDvn378M4770AmkyEmJqZH5yguLg4DBw70WXbHHXegoqICwLXj83f83vmpra31We9yudDQ0NDt8wMAixcvxtKlS/HLX/4SgwYNwsyZM/H73/8ey5cvB0A5aqmj8nE7/90B1wqR8vJy7Nq1S+wVASg/eXl5qK2tRWJiovi+XV5ejmeffRZJSUkAunaOelwxwhjDggUL8Nlnn2H37t2tuqOGDh0KuVyO3Nxccdm5c+dQUVGBrKwsAEBWVhYKCwt9fqnCH0bLk1R3NH78eBQWFqKgoED8yszMxIwZM8Sfe3KORo0a1Wo6eHFxMXr37g0ASE5ORmxsrE9+mpqacPjwYZ/8GI1GHD9+XIzZvXs3eJ7H8OHDO+Eobq3m5mZIpb5vLxzHged5AJSjljoqH1lZWdi/fz+cTqcYs2vXLgwYMKDbX4IQCpGSkhJ88803iIiI8Fnf0/Mzc+ZMnDp1yud9Oz4+HosXL8ZXX30FoIvn6JYOj+2Cfvvb37KQkBC2d+9eVl1dLX41NzeLMfPmzWOJiYls9+7d7NixYywrK4tlZWWJ64VpqxMmTGAFBQVs586dLCoq6raYttoW79k0jPXsHB05coTJZDL2yiuvsJKSEvbxxx8zjUbDPvroIzFmxYoVLDQ0lH3++efs1KlTbMqUKX6naWZkZLDDhw+zb7/9lqWkpHTbaastzZ49m/Xq1Uuc2rt161YWGRnJnnvuOTGmp+XIZDKx/Px8lp+fzwCwN998k+Xn54uzQToiH0ajkcXExLCZM2eyoqIi9sknnzCNRtMtpq5eLz8Oh4M9+OCDLCEhgRUUFPi8d3vP+rid88PYjV9DLbWcTcNY181RjytGAPj9WrdunRhjtVrZ7373OxYWFsY0Gg176KGHWHV1tc92Ll68yCZOnMjUajWLjIxkzz77LHM6nZ18NJ2nZTHS03P0xRdfsLS0NKZUKllqaip7//33fdbzPM+WLVvGYmJimFKpZOPHj2fnzp3zibl69SqbPn060+l0LDg4mD322GPMZDJ15mHcMk1NTWzhwoUsMTGRqVQq1qdPH/anP/3J58TR03K0Z88ev+89s2fPZox1XD5OnjzJRo8ezZRKJevVqxdbsWJFZx3iT3K9/JSVlbX53r1nzx5xG7dzfhi78WuoJX/FSFfNkYQxr1siEkIIIYR0sh43ZoQQQgghXQsVI4QQQggJKCpGCCGEEBJQVIwQQgghJKCoGCGEEEJIQFExQgghhJCAomKEEEIIIQFFxQgh3QRjDL/+9a8RHh4OiUSCgoKCQDepy3I4HOjXrx8OHDjQ6fseMWIEtmzZ0un7JaQ7o2KEkG5i586dWL9+PbZv347q6mqkpaUFukld1tq1a5GcnIyRI0di/fr1kEgk1/26ePEiXnzxRaSnp7fa1sWLF9tV/P35z3/G0qVLxc/hIYTcGBUjhHQTpaWliIuLw8iRIxEbGwuZTNYqxuFwBKBlXQtjDKtXr8bcuXMBANOmTUN1dbX4lZWVhSeffNJnmV6v77D9T5w4ESaTCV9++WWHbZOQ2x0VI4R0A3PmzMFTTz2FiooKSCQS8SPBx40bhwULFmDRokWIjIxETk4OAKCoqAgTJ06ETqdDTEwMZs6cifr6enF7FosFs2bNgk6nQ1xcHN544w2MGzcOixYtEmMkEgm2bdvm047Q0FCsX79efFxZWYlHH30UoaGhCA8Px5QpU3Dx4kWfdk+dOhV/+9vfEBcXh4iICMyfP9/nE0HtdjuWLFkCvV4PpVKJfv364Z///CcYY+jXrx/+9re/+bShoKAAEokE58+f95ur48ePo7S0FJMnTwYAqNVqxMbGil8KhQIajcZnGcdxN/urwJw5c/z2ruzduxeA59OJJ02ahE8++eSmt0lIT0fFCCHdwNtvv42//OUvSEhIQHV1NY4ePSqu+/DDD6FQKPDdd99h7dq1MBqNuO+++5CRkYFjx45h586duHLlCh599FHxOYsXL8a+ffvw+eef4+uvv8bevXtx4sSJdrXJ6XQiJycHQUFByMvLw3fffQedTof777/fp4dmz549KC0txZ49e/Dhhx9i/fr1PgXNrFmzsHHjRrzzzjs4c+YM3nvvPeh0OkgkEjz++ONYt26dz37XrVuHe+65B/369fPbrry8PPTv3x9BQUHtOp6b9fbbb/v0qixcuBDR0dFITU0VY4YNG4a8vLxbsn9Cbket+3kJIV1OSEgIgoKCwHEcYmNjfdalpKTgtddeEx//9a9/RUZGBl599VVx2QcffAC9Xo/i4mLEx8fjn//8Jz766COMHz8egKegSUhIaFebNm3aBJ7n8Y9//AMSiQSAp1AIDQ3F3r17MWHCBABAWFgYVq9eDY7jkJqaismTJyM3NxdPPvkkiouL8emnn2LXrl3Izs4GAPTp00fcx5w5c/DCCy/gyJEjGDZsGJxOJzZs2NCqt8RbeXk54uPj23UsgsLCQuh0Op9lLT9LNCQkBCEhIQCArVu34r333sM333zj83uJj49HZWUleJ6HVEr/8xFyI1SMENLNDR061OfxyZMnsWfPnlYnVcAz7sRqtcLhcGD48OHi8vDwcAwYMKBd+z158iTOnz/fqgfCZrOhtLRUfHznnXf6XAaJi4tDYWEhAM8lF47jMHbsWL/7iI+Px+TJk/HBBx9g2LBh+OKLL2C32/HII4+02S6r1QqVStWuYxEMGDAA//rXv3yWXb58GePGjWsVm5+fj5kzZ2L16tUYNWqUzzq1Wg2e52G326FWq39UWwjpSagYIaSb02q1Po/NZjMeeOABrFy5slVsXFxcm2MtWpJIJK16BbzHepjNZgwdOhQff/xxq+dGRUWJP8vl8lbbFWaa3MyJ+oknnsDMmTPx1ltvYd26dZg2bRo0Gk2b8ZGRkWKx014KhaLV5R9/A4Vramrw4IMP4oknnhAHynpraGiAVqulQoSQm0TFCCG3mbvuugtbtmxBUlKS3xNp3759IZfLcfjwYSQmJgIADAYDiouLfXoooqKiUF1dLT4uKSlBc3Ozz342bdqE6OhoBAcH/6i2Dho0CDzPY9++feJlmpYmTZoErVaLNWvWYOfOndi/f/91t5mRkYE1a9aAMSZePupINpsNU6ZMQWpqKt58802/MUVFRcjIyOjwfRNyu6KLmYTcZubPn4+GhgZMnz4dR48eRWlpKb766is89thjcLvd0Ol0mDt3LhYvXozdu3ejqKgIc+bMaTW24b777sPq1auRn5+PY8eOYd68eT69HDNmzEBkZCSmTJmCvLw8lJWVYe/evXj66adx6dKlm2prUlISZs+ejccffxzbtm0Tt/Hpp5+KMRzHYc6cOXj++eeRkpKCrKys627z3nvvhdlsxvfff9+OrN283/zmN6isrMQ777yDuro61NTUoKamxmfQbl5enjhmhhByY1SMEHKbiY+Px3fffQe3240JEyZg0KBBWLRoEUJDQ8WC4/XXX8eYMWPwwAMPIDs7G6NHj2419uSNN96AXq/HmDFj8Ktf/Qp/+MMffC6PaDQa7N+/H4mJiXj44Ydxxx13YO7cubDZbO3qKVmzZg1+8Ytf4He/+x1SU1Px5JNPwmKx+MTMnTsXDocDjz322A23FxERgYceesjv5aOOsG/fPlRXV2PgwIGIi4sTv4S7vV6+fBkHDhy4qbYSQjwkrOVFYUJIjzRu3Dikp6dj1apVgW5KK3l5eRg/fjwqKysRExNzw/hTp07hZz/7GUpLS/0O5L2VlixZAoPBgPfff79T90tId0Y9I4SQLstut+PSpUt48cUX8cgjj9xUIQIAgwcPxsqVK1FWVnaLW9hadHQ0Xn755U7fLyHdGRUjhJAua+PGjejduzeMRqPPvVRuxpw5czBo0KBb1LK2PfvsszddNBFCPOgyDSGEEEICinpGCCGEEBJQVIwQQgghJKCoGCGEEEJIQFExQgghhJCAomKEEEIIIQFFxQghhBBCAoqKEUIIIYQEFBUjhBBCCAkoKkYIIYQQElD/DwNCNQk1ul5hAAAAAElFTkSuQmCC", - "text/plain": [ - "
\n", - "\n" - ], - "text/plain": [ - "\n" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "
12:17:39 -03 Started working on Batch containing 2 tasks. \n", - "\n" - ], - "text/plain": [ - "\u001b[2;36m12:17:39 -03\u001b[0m\u001b[2;36m \u001b[0mStarted working on Batch containing \u001b[1;36m2\u001b[0m tasks. \n" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "
12:17:42 -03 Maximum FlexCredit cost: 14.937 for the whole batch. \n", - "\n" - ], - "text/plain": [ - "\u001b[2;36m12:17:42 -03\u001b[0m\u001b[2;36m \u001b[0mMaximum FlexCredit cost: \u001b[1;36m14.937\u001b[0m for the whole batch. \n" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "
Use 'Batch.real_cost()' to get the billed FlexCredit cost after the\n", - " Batch has completed. \n", - "\n" - ], - "text/plain": [ - "\u001b[2;36m \u001b[0m\u001b[2;36m \u001b[0mUse \u001b[32m'Batch.real_cost\u001b[0m\u001b[32m(\u001b[0m\u001b[32m)\u001b[0m\u001b[32m'\u001b[0m to get the billed FlexCredit cost after the\n", - "\u001b[2;36m \u001b[0mBatch has completed. \n" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "e22a546b1bb84ca28d15204cefb0d3b3", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Output()" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "
12:18:44 -03 Batch complete. \n",
- "
\n"
- ],
- "text/plain": [
- "\u001b[2;36m12:18:44 -03\u001b[0m\u001b[2;36m \u001b[0mBatch complete. \n"
- ]
- },
- "metadata": {},
- "output_type": "display_data"
- },
- {
- "data": {
- "text/html": [
- "\n"
- ],
- "text/plain": []
- },
- "metadata": {},
- "output_type": "display_data"
- },
- {
- "data": {
- "text/html": [
- "\n", - "\n" - ], - "text/plain": [ - "\n" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "application/vnd.jupyter.widget-view+json": { - "model_id": "febbbb69bd95461bb4ce95a7c71ff01c", - "version_major": 2, - "version_minor": 0 - }, - "text/plain": [ - "Output()" - ] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "\n" - ], - "text/plain": [] - }, - "metadata": {}, - "output_type": "display_data" - }, - { - "data": { - "text/html": [ - "
\n", - "\n" - ], - "text/plain": [ - "\n" - ] - }, - "metadata": {}, - "output_type": "display_data" - } - ], + "outputs": [], "source": [ "batch = web.Batch(simulations=Simulations, verbose=True)\n", "results = batch.run(path_dir=\"batch_simulations\")" @@ -646,164 +331,9 @@ }, { "cell_type": "code", - "execution_count": 8, + "execution_count": null, "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "
\n", - " | Transmitted 10% | \n", - "Reflected 10% | \n", - "Absorbed 10% | \n", - "Transmitted 20% | \n", - "Reflected 20% | \n", - "Absorbed 20% | \n", - "
---|---|---|---|---|---|---|
0.800000 | \n", - "0.969677 | \n", - "0.046212 | \n", - "-0.015889 | \n", - "0.921638 | \n", - "0.017291 | \n", - "0.061071 | \n", - "
0.797894 | \n", - "0.969730 | \n", - "0.045390 | \n", - "-0.015120 | \n", - "0.922198 | \n", - "0.016671 | \n", - "0.061131 | \n", - "
0.795800 | \n", - "0.969793 | \n", - "0.044534 | \n", - "-0.014327 | \n", - "0.922825 | \n", - "0.016071 | \n", - "0.061104 | \n", - "
0.793716 | \n", - "0.969888 | \n", - "0.043687 | \n", - "-0.013575 | \n", - "0.923352 | \n", - "0.015560 | \n", - "0.061088 | \n", - "
0.791643 | \n", - "0.969990 | \n", - "0.042879 | \n", - "-0.012869 | \n", - "0.923519 | \n", - "0.015133 | \n", - "0.061348 | \n", - "
0.789581 | \n", - "0.970064 | \n", - "0.042090 | \n", - "-0.012154 | \n", - "0.923602 | \n", - "0.014807 | \n", - "0.061592 | \n", - "
0.787530 | \n", - "0.970105 | \n", - "0.041276 | \n", - "-0.011380 | \n", - "0.923368 | \n", - "0.014583 | \n", - "0.062049 | \n", - "
0.785490 | \n", - "0.970146 | \n", - "0.040430 | \n", - "-0.010576 | \n", - "0.922945 | \n", - "0.014432 | \n", - "0.062623 | \n", - "
0.783460 | \n", - "0.970217 | \n", - "0.039589 | \n", - "-0.009806 | \n", - "0.922452 | \n", - "0.014377 | \n", - "0.063172 | \n", - "
0.781440 | \n", - "0.970310 | \n", - "0.038785 | \n", - "-0.009095 | \n", - "0.921654 | \n", - "0.014391 | \n", - "0.063955 | \n", - "