Created
October 9, 2025 13:50
-
-
Save GvdDool/1e4d893319a487c49584cc70bc0d90d0 to your computer and use it in GitHub Desktop.
Using Google Satellite Embeddings to Predict JRC Forest Areas. Evaluate whether Google Earth satellite embeddings can effectively predict EC-JRC forest area labels, thereby testing the hypothesis that these embeddings capture meaningful ecological and land-cover information.
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
| { | |
| "cells": [ | |
| { | |
| "cell_type": "markdown", | |
| "id": "be0d4c89-433e-4f8d-ba3c-4e3c29a0bd13", | |
| "metadata": { | |
| "id": "be0d4c89-433e-4f8d-ba3c-4e3c29a0bd13" | |
| }, | |
| "source": [ | |
| "# 🌍 Using Google Satellite Embeddings to Predict JRC Forest Areas\n", | |
| "\n", | |
| "## 🎯 Objective\n", | |
| "Test the hypothesis that **Google satellite embeddings** (GE) can predict **EC-JRC forest area labels**, validating their ecological information content.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "## 🧩 Core Project Steps (Updated)\n", | |
| "\n", | |
| "### 1. Define Study Area & Sampling Blocks\n", | |
| "- 🔄 **Select a specific pilot area.** The center point was chosen for Ebolowa, Cameroon, for its recognizable geography and land-use heterogeneity.\n", | |
| "- ✅ Construct a **100 km × 100 km** study window around it.\n", | |
| "- ✅ Tile into **5 km × 5 km blocks** → 20×20 = **400 blocks** total.\n", | |
| "- ✅ Assign a unique `block_id` to each block.\n", | |
| "\n", | |
| "### 2. Sample Pixels Within Each Block\n", | |
| "- 🔄 **Filter blocks for balanced classes.** Before sampling, blocks were analyzed, and only those with a minimum number of non-forest pixels (≥25) were selected for sampling to ensure viable training data.\n", | |
| "- ✅ Sample up to **150 pixels inside** JRC forest and **150 outside** JRC forest per block.\n", | |
| "- ✅ **Respect data availability.** The \"fill\" option was disabled, so blocks with fewer than 150 pixels in a class were not artificially balanced.\n", | |
| "- ✅ Enforce **≥100 m minimum distance** between sampled points by sampling on a 100m grid.\n", | |
| "- ✅ Record sampling metadata: `n_in_actual`, `filled_flag`, `block_id`, `x,y`.\n", | |
| "\n", | |
| "### 3. Extract Datasets from Google Earth Engine\n", | |
| "- ✅ **GE Embeddings:** Extracted 64-dimensional per-pixel vectors for the year 2020.\n", | |
| "- ✅ **JRC Label:** Used the binary forest mask for 2020 as the ground truth target variable.\n", | |
| "- 🔄 **Sentinel-1:** Processed VV and VH bands to compute temporal statistics (**mean, std, min, max**) after speckle filtering.\n", | |
| "- 🔄 **Sentinel-2:** Applied a cloud mask (using Google's Cloud Score Plus) and computed temporal statistics (**mean, median, robust amplitude**) for multiple vegetation indices (NDVI, EVI, NDWI, MSAVI2, SWIR/NIR).\n", | |
| "- 🔄 **Export features.** All extracted features were combined and exported into single `.csv` files for each data source, rather than per block.\n", | |
| "\n", | |
| "### 4. Preprocess & Prepare for Modeling\n", | |
| "- ✅ **Reproject all layers to 10 m** and a common CRS (handled by GEE during sampling).\n", | |
| "- ✅ **Filter Sentinel-2 pixels** using a cloud probability threshold to ensure clear observations.\n", | |
| "- 🔄 **Handle missing values.** Missing values in optical indices were handled using **imputation (mean/median)** during the modeling phase, not by setting them to `NaN` with a flag.\n", | |
| "- 🆕 **Create spatial folds for cross-validation.** Unique block IDs were used to create 5 spatial groups (`GroupKFold`) to ensure the model is tested on geographically separate data.\n", | |
| "\n", | |
| "### 5. Define Models, Baselines, and Experiments\n", | |
| "- 🔄 **Establish Baselines:** Used **k-Nearest Neighbors (kNN)** as the primary baseline model.\n", | |
| "- 🆕 **Train Advanced Models:** Implemented and compared **Random Forest** and **XGBoost** classifiers.\n", | |
| "- 🆕 **Conduct Comparative Experiments:** Systematically evaluated model performance on three distinct feature sets:\n", | |
| " 1. **Test 1: E** (Embeddings only)\n", | |
| " 2. **Test 2: I** (Indices only - S1 + S2)\n", | |
| " 3. **Test 3: E+I** (Embeddings + Indices combined)\n", | |
| "- 🆕 **Evaluate Performance:** Assessed models using multiple metrics suitable for classification: **AUC, PR-AUC, and Brier Score**.\n", | |
| "\n", | |
| "### 6. Hypothesis Testing and Interpretation\n", | |
| "- 🆕 **Formally Test Hypothesis:** Used the modeling results to reject the null hypothesis, concluding that Google Satellite Embeddings contain strong predictive information for forest cover.\n", | |
| "- 🆕 **Perform Geospatial Verification:** Trained a final model and used it to predict a forest map for an entire 5x5 km block, visually comparing the prediction to the ground truth.\n", | |
| "- 🆕 **\"Probe the Black Box\":** Investigated what the embeddings learned by training regression models to predict Sentinel indices (e.g., NDVI) from the embeddings, revealing that key spectral information was already encoded.\n", | |
| "\n", | |
| "**Legend:**\n", | |
| "- ✅ **Completed as planned.**\n", | |
| "- 🔄 **Completed, but with changes** from the original plan.\n", | |
| "- 🆕 **New step added** that was not in the original plan." | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "c8911d0d-9d4d-4d3b-a576-00aec7635129", | |
| "metadata": { | |
| "id": "c8911d0d-9d4d-4d3b-a576-00aec7635129" | |
| }, | |
| "source": [ | |
| "## Libraries" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "zkuPieEyviaL", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/" | |
| }, | |
| "executionInfo": { | |
| "elapsed": 51381, | |
| "status": "ok", | |
| "timestamp": 1759947933687, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "zkuPieEyviaL", | |
| "outputId": "e1249cfe-5aba-4b8b-b521-70de377fb3cb" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# =============================================================================\n", | |
| "# SETUP FOR GOOGLE COLAB\n", | |
| "# =============================================================================\n", | |
| "\n", | |
| "# --- 1. Installation ---\n", | |
| "# A flag to control whether installations run. Set to False if you're sure\n", | |
| "# everything is already installed in your current session, or you are running\n", | |
| "# the code locally.\n", | |
| "RUN_INSTALL = True\n", | |
| "\n", | |
| "if RUN_INSTALL:\n", | |
| " print(\"Installing required Python packages...\")\n", | |
| " !pip install rasterio --quiet\n", | |
| " !pip install rioxarray --quiet\n", | |
| " !pip install geemap --quiet\n", | |
| " !pip install xarray --quiet\n", | |
| " !pip install dask --quiet\n", | |
| " !pip install xee --quiet\n", | |
| " \n", | |
| " print(\"✅ Installation complete.\")\n", | |
| "else:\n", | |
| " print(\"Skipping package installation.\")\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "51ba436b-fcfd-4446-bd61-465aca25ee0d", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 76, | |
| "status": "ok", | |
| "timestamp": 1759948189125, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "51ba436b-fcfd-4446-bd61-465aca25ee0d", | |
| "outputId": "14e1c26c-e8eb-469b-cf08-3cecf7ac0784" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# ---------------------------------\n", | |
| "# Core Data Handling & System\n", | |
| "# ---------------------------------\n", | |
| "import os\n", | |
| "import math\n", | |
| "import json\n", | |
| "import random\n", | |
| "import joblib\n", | |
| "import numpy as np\n", | |
| "import pandas as pd\n", | |
| "import time\n", | |
| "from tqdm.notebook import tqdm # For progress bars in notebooks\n", | |
| "\n", | |
| "# ---------------------------------\n", | |
| "# Geospatial (Vector & Raster)\n", | |
| "# ---------------------------------\n", | |
| "import geopandas as gpd\n", | |
| "from shapely.geometry import Polygon, Point, shape, box\n", | |
| "from shapely.ops import unary_union, transform\n", | |
| "import rasterio as rio\n", | |
| "from rasterio.features import shapes\n", | |
| "from rasterio.transform import from_origin\n", | |
| "import rioxarray\n", | |
| "import xarray as xr\n", | |
| "import dask.array as da\n", | |
| "\n", | |
| "# ---------------------------------\n", | |
| "# Google Earth Engine API\n", | |
| "# ---------------------------------\n", | |
| "import ee\n", | |
| "import geemap\n", | |
| "\n", | |
| "# ---------------------------------\n", | |
| "# Visualization\n", | |
| "# ---------------------------------\n", | |
| "import matplotlib.pyplot as plt\n", | |
| "import matplotlib.patches as mpatches\n", | |
| "import matplotlib.lines as mlines\n", | |
| "from matplotlib.colors import ListedColormap, BoundaryNorm\n", | |
| "from mpl_toolkits.axes_grid1 import make_axes_locatable\n", | |
| "import seaborn as sns\n", | |
| "import folium\n", | |
| "from branca.element import Figure as branca_figure\n", | |
| "\n", | |
| "# ---------------------------------\n", | |
| "# Machine Learning\n", | |
| "# ---------------------------------\n", | |
| "# Preprocessing\n", | |
| "from sklearn.impute import SimpleImputer\n", | |
| "from sklearn.preprocessing import StandardScaler\n", | |
| "\n", | |
| "# Models\n", | |
| "from sklearn.neighbors import KNeighborsClassifier\n", | |
| "from sklearn.ensemble import RandomForestClassifier, RandomForestRegressor\n", | |
| "from sklearn.linear_model import LassoCV\n", | |
| "from xgboost import XGBClassifier\n", | |
| "\n", | |
| "# Model Selection & Cross-Validation\n", | |
| "from sklearn.model_selection import (\n", | |
| " GroupKFold,\n", | |
| " KFold,\n", | |
| " StratifiedKFold,\n", | |
| " train_test_split,\n", | |
| " ParameterGrid\n", | |
| ")\n", | |
| "\n", | |
| "# Metrics & Evaluation\n", | |
| "from sklearn.metrics import (\n", | |
| " accuracy_score,\n", | |
| " roc_auc_score,\n", | |
| " average_precision_score,\n", | |
| " brier_score_loss,\n", | |
| " f1_score,\n", | |
| " r2_score,\n", | |
| " roc_curve,\n", | |
| " precision_recall_curve\n", | |
| ")\n", | |
| "\n", | |
| "from IPython.core.display import HTML\n", | |
| "table_css = 'table {align:left;display:block} '\n", | |
| "HTML('<style>{}</style>'.format(table_css))" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "824b1cae-3c7a-4724-9a25-7eb29c41af81", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 53 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 1493, | |
| "status": "ok", | |
| "timestamp": 1759947946473, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "824b1cae-3c7a-4724-9a25-7eb29c41af81", | |
| "outputId": "e840401d-a68e-4d31-c01f-aa3c5ae50b8b" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# IMPORTANT: Replace with your own Google Earth Engine Project ID\n", | |
| "project_id = 'your-gee-project-id'\n", | |
| "\n", | |
| "# Initiating GEE:\n", | |
| "try:\n", | |
| " ee.Initialize(project=project_id)\n", | |
| "except:\n", | |
| " print(\"An exception occurred\")\n", | |
| " try:\n", | |
| " ee.Authenticate()\n", | |
| "\n", | |
| " # change this to the commercial licence:\n", | |
| " ee.Initialize(project=project_id) # abeya-test-202508\n", | |
| " except:\n", | |
| " print(\"An second exception occurred\")\n", | |
| "finally:\n", | |
| " print(\"Initiating GEE is finished\")\n", | |
| "\n", | |
| " # Print the elevation of Mount Everest.\n", | |
| " dem = ee.Image('USGS/SRTMGL1_003')\n", | |
| " xy = ee.Geometry.Point([86.9250, 27.9881])\n", | |
| " elev = dem.sample(xy, 30).first().get('elevation').getInfo()\n", | |
| " print('Mount Everest elevation (m):', elev)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "f5dd97b7-33aa-4bfe-8d5a-4ab6758a6849", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 21, | |
| "status": "ok", | |
| "timestamp": 1759947946509, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "f5dd97b7-33aa-4bfe-8d5a-4ab6758a6849" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "58917bf1-08b1-4eef-a9b7-3694167b2f13", | |
| "metadata": { | |
| "id": "58917bf1-08b1-4eef-a9b7-3694167b2f13" | |
| }, | |
| "source": [ | |
| "## Functions" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "239f518b-5699-4ee9-a677-f6e2559190f0", | |
| "metadata": { | |
| "id": "239f518b-5699-4ee9-a677-f6e2559190f0", | |
| "jp-MarkdownHeadingCollapsed": true | |
| }, | |
| "source": [ | |
| "### Part 1: Define Study Area & Sampling Blocks" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "caf06865-f724-4690-885a-4782a451beed", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 380, | |
| "status": "ok", | |
| "timestamp": 1759947946911, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "caf06865-f724-4690-885a-4782a451beed", | |
| "outputId": "4ac6394c-bf55-46fc-c36f-5bc0d9ef7e0c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Define Study Area & Sampling Blocks\n", | |
| "def lonlat_to_utm_epsg(lon, lat):\n", | |
| " zone = int((lon + 180) / 6) + 1\n", | |
| " return 32600 + zone if lat >= 0 else 32700 + zone\n", | |
| "\n", | |
| "def generate_centered_grid(x, y, tile_size, buffer_dist, crs):\n", | |
| " n = 1\n", | |
| " while (n * tile_size) / 2 < buffer_dist / 2:\n", | |
| " n += 2 # Ensure odd: 1, 3, 5, ...\n", | |
| " print(f\"Using {n}x{n} grid of {tile_size} m tiles\")\n", | |
| "\n", | |
| " half_extent = (n * tile_size) / 2\n", | |
| " x_min = x - half_extent\n", | |
| " y_min = y - half_extent\n", | |
| "\n", | |
| " # Generate tiles row-by-row (top to bottom)\n", | |
| " tiles = []\n", | |
| " ids = []\n", | |
| " for row in range(n):\n", | |
| " for col in range(n):\n", | |
| " x0 = x_min + col * tile_size\n", | |
| " y0 = y_min + row * tile_size\n", | |
| " tile = box(x0, y0, x0 + tile_size, y0 + tile_size)\n", | |
| " block_id = f\"{row:03d}-{col:03d}\"\n", | |
| " tiles.append(tile)\n", | |
| " ids.append(block_id)\n", | |
| "\n", | |
| " grid_gdf = gpd.GeoDataFrame({'block_id': ids, 'geometry': tiles}, crs=crs)\n", | |
| " return grid_gdf\n", | |
| "\n", | |
| "def make_buffered_grid_wgs84_from_utm_bounds(gdf_utm, buffer_m=30):\n", | |
| " \"\"\"\n", | |
| " Buffers each polygon tile in UTM by `buffer_m` meters and transforms to WGS84.\n", | |
| "\n", | |
| " Parameters:\n", | |
| " gdf_utm (GeoDataFrame): Grid in projected UTM CRS.\n", | |
| " buffer_m (float): Buffer distance in meters.\n", | |
| "\n", | |
| " Returns:\n", | |
| " GeoDataFrame: Buffered grid in WGS84.\n", | |
| " \"\"\"\n", | |
| " # Buffer each tile in-place\n", | |
| " buffered_tiles = gdf_utm.copy()\n", | |
| " buffered_tiles['geometry'] = buffered_tiles.geometry.buffer(buffer_m)\n", | |
| "\n", | |
| " # Transform to WGS84\n", | |
| " gdf_wgs84 = buffered_tiles.to_crs(\"EPSG:4326\")\n", | |
| "\n", | |
| " return gdf_wgs84\n", | |
| "\n", | |
| "# Create the project extent for GEE\n", | |
| "def create_gee_clip_extent_from_buffered_grid(grid_gdf_wgs84):\n", | |
| " \"\"\"\n", | |
| " Merges all buffered polygons and returns a GEE Geometry bounding box.\n", | |
| "\n", | |
| " Parameters:\n", | |
| " grid_gdf_wgs84 (GeoDataFrame): Buffered grid polygons in WGS84.\n", | |
| "\n", | |
| " Returns:\n", | |
| " ee.Geometry: Bounding rectangle as Earth Engine Geometry.\n", | |
| " \"\"\"\n", | |
| " # Merge all geometries\n", | |
| " union_geom = unary_union(grid_gdf_wgs84.geometry)\n", | |
| "\n", | |
| " # Get bounding box of the union\n", | |
| " bounds = union_geom.bounds # (minx, miny, maxx, maxy)\n", | |
| "\n", | |
| " # Convert to EE Geometry.Rectangle\n", | |
| " clip_extent = ee.Geometry.Rectangle(list(bounds))\n", | |
| "\n", | |
| " return clip_extent\n", | |
| "\n", | |
| "\n", | |
| "# Function to generate the project map\n", | |
| "def create_aoi_map(boundary_gdf, zoom_start=10, tile_size=5000,\n", | |
| " grid_snap=5120, buffer_m=30):\n", | |
| " \"\"\"\n", | |
| " Build a folium map with AOI, buffer, extent, and grid layers.\n", | |
| "\n", | |
| " Parameters\n", | |
| " ----------\n", | |
| " boundary_gdf : GeoDataFrame\n", | |
| " Input AOI polygon(s) in WGS84.\n", | |
| " tile_size : int\n", | |
| " Tile size in meters (default 5000).\n", | |
| " grid_snap : int\n", | |
| " Grid snapping in meters (default 5120).\n", | |
| " buffer_m : int\n", | |
| " Buffer in meters for tile edges (default 30).\n", | |
| "\n", | |
| " Returns\n", | |
| " -------\n", | |
| " folium.Map\n", | |
| " \"\"\"\n", | |
| " # --- SETTINGS ---\n", | |
| " crs_wgs84 = \"EPSG:4326\"\n", | |
| " tile_size = 5000 # meters or 500px\n", | |
| "\n", | |
| " # --- 1. Convert AOI polygon to Earth Engine Geometry ---\n", | |
| " boundary_geom = ee.Geometry.Polygon(boundary_gdf.geometry.iloc[0].exterior.coords[:])\n", | |
| " AOI = boundary_geom\n", | |
| " center = AOI.centroid(10).coordinates().reverse().getInfo()\n", | |
| " lat, lon = center\n", | |
| "\n", | |
| " # --- 2. Get UTM EPSG code and create UTM projection ---\n", | |
| " epsg_code = lonlat_to_utm_epsg(lon, lat)\n", | |
| " print(f\"✅ UTM EPSG code: EPSG:{epsg_code}\")\n", | |
| " utm_crs = f\"EPSG:{epsg_code}\"\n", | |
| " utm_proj = ee.Projection(utm_crs).atScale(1)\n", | |
| "\n", | |
| " # --- 3. Project AOI to UTM and get buffered bounds ---\n", | |
| " aoi_utm = AOI.transform(utm_proj, 1)\n", | |
| " aoi_utm_buffered_bounds = aoi_utm.buffer(1).bounds(1).transform(utm_proj, 1)\n", | |
| "\n", | |
| " # --- 4. Get center UTM coordinates ---\n", | |
| " center_coords = aoi_utm.centroid(1).coordinates().getInfo()\n", | |
| " center_x, center_y = center_coords\n", | |
| "\n", | |
| " # --- 5. Convert center to GeoDataFrame in UTM ---\n", | |
| " center_point = Point(center_x, center_y)\n", | |
| " center_gdf_utm = gpd.GeoDataFrame(geometry=[center_point], crs=utm_crs)\n", | |
| "\n", | |
| " # --- 6. Extract boundary extents in UTM ---\n", | |
| " coords = ee.List(aoi_utm_buffered_bounds.coordinates().get(0))\n", | |
| " xs = coords.map(lambda pt: ee.Number(ee.List(pt).get(0)))\n", | |
| " ys = coords.map(lambda pt: ee.Number(ee.List(pt).get(1)))\n", | |
| " x_min = ee.Number(xs.reduce(ee.Reducer.min())).floor().divide(10).multiply(10)\n", | |
| " x_max = ee.Number(xs.reduce(ee.Reducer.max())).ceil().divide(10).multiply(10)\n", | |
| " y_min = ee.Number(ys.reduce(ee.Reducer.min())).floor().divide(10).multiply(10)\n", | |
| " y_max = ee.Number(ys.reduce(ee.Reducer.max())).ceil().divide(10).multiply(10)\n", | |
| "\n", | |
| " dx = x_max.subtract(x_min)\n", | |
| " dy = y_max.subtract(y_min)\n", | |
| "\n", | |
| " buffer_dist = dx.max(dy).add(10)\n", | |
| " buffer_dist_py = buffer_dist.getInfo()\n", | |
| " print(f\"Original buffer distance: {buffer_dist_py} m\")\n", | |
| "\n", | |
| " # --- 7. Snap to grid ---\n", | |
| " grid_snap = 5120 #in meters\n", | |
| " buffer_dist_rounded = math.ceil(buffer_dist_py / grid_snap) * grid_snap + 0.5 * grid_snap\n", | |
| " print(f\"Snapped buffer distance: {buffer_dist_rounded} m\")\n", | |
| "\n", | |
| " # --- 8. Generate grid centered on AOI ---\n", | |
| " # Create GeoDataFrame directly in WGS84\n", | |
| " center_point = Point(center_x, center_y)\n", | |
| " center_gdf = gpd.GeoDataFrame(geometry=[center_point], crs=\"EPSG:4326\")\n", | |
| " center_gdf_utm = center_gdf.to_crs(f\"EPSG:{epsg_code}\")\n", | |
| "\n", | |
| " center_point_utm = center_gdf_utm.geometry.iloc[0]\n", | |
| " utm_x = center_point_utm.x\n", | |
| " utm_y = center_point_utm.y\n", | |
| " utm_x = round(center_point_utm.x / 5) * 5\n", | |
| " utm_y = round(center_point_utm.y / 5) * 5\n", | |
| " grid_gdf = generate_centered_grid(utm_x, utm_y, tile_size, buffer_dist_rounded, utm_crs)\n", | |
| "\n", | |
| " # grid_gdf is in UTM (e.g., EPSG:32630)\n", | |
| " buffered_grid_wgs84 = make_buffered_grid_wgs84_from_utm_bounds(grid_gdf, buffer_m=30)\n", | |
| "\n", | |
| " clip_extent_GEE = create_gee_clip_extent_from_buffered_grid(buffered_grid_wgs84)\n", | |
| " clip_extent_geojson = clip_extent_GEE.getInfo() # ee.Geometry.Rectangle to GeoJSON dict\n", | |
| " clip_extent_shape = shape(clip_extent_geojson) # shapely.geometry\n", | |
| "\n", | |
| " # Wrap into a GeoDataFrame for styling or projection if needed\n", | |
| " clip_extent_gdf = gpd.GeoDataFrame(geometry=[clip_extent_shape], crs=\"EPSG:4326\")\n", | |
| "\n", | |
| " # --- 9. Create visual layers (converted to WGS84) ---\n", | |
| " # a) AOI Polygon\n", | |
| " aoi_gdf = gpd.GeoDataFrame(geometry=[shape(boundary_geom.getInfo())], crs=crs_wgs84)\n", | |
| "\n", | |
| " # b) Center Point\n", | |
| " center_gdf = center_gdf_utm.to_crs(crs_wgs84)\n", | |
| "\n", | |
| " # c) Buffer Circle\n", | |
| " buffer_circle = center_gdf_utm.geometry.iloc[0].buffer(buffer_dist_py / 2)\n", | |
| " buffer_gdf = gpd.GeoDataFrame(geometry=[buffer_circle], crs=utm_crs).to_crs(crs_wgs84)\n", | |
| "\n", | |
| " # d) Buffer Extent (square)\n", | |
| " extent_geom = shape(aoi_utm_buffered_bounds.getInfo())\n", | |
| " extent_gdf = gpd.GeoDataFrame(geometry=[extent_geom], crs=utm_crs).to_crs(crs_wgs84)\n", | |
| "\n", | |
| " # e) Grid\n", | |
| " grid_gdf = buffered_grid_wgs84\n", | |
| " clip_extent = clip_extent_gdf\n", | |
| "\n", | |
| " # Plot centroids for first and last cell\n", | |
| " # First and last cell\n", | |
| " first_cell = grid_gdf.iloc[0]\n", | |
| " last_cell = grid_gdf.iloc[-1]\n", | |
| "\n", | |
| " # --- 10. Create folium map ---\n", | |
| " m = folium.Map(location=[lat, lon], zoom_start=zoom_start, tiles=\"CartoDB Positron\")\n", | |
| "\n", | |
| " folium.GeoJson(aoi_gdf, name=\"AOI (boundary)\", style_function=lambda x: {\n", | |
| " \"color\": \"black\", \"weight\": 2, \"fillOpacity\": 0\n", | |
| " }).add_to(m)\n", | |
| "\n", | |
| " folium.Marker([lat, lon], popup=\"AOI Center\", icon=folium.Icon(color=\"blue\")).add_to(m)\n", | |
| "\n", | |
| " folium.GeoJson(buffer_gdf, name=\"Buffer (circle)\", style_function=lambda x: {\n", | |
| " \"color\": \"red\", \"weight\": 1, \"fillOpacity\": 0.05\n", | |
| " }).add_to(m)\n", | |
| "\n", | |
| " folium.GeoJson(extent_gdf, name=\"Buffer extent\", style_function=lambda x: {\n", | |
| " \"color\": \"orange\", \"weight\": 2, \"fillOpacity\": 0\n", | |
| " }).add_to(m)\n", | |
| "\n", | |
| " folium.GeoJson(grid_gdf, name=\"Grid (tiles)\", style_function=lambda x: {\n", | |
| " \"color\": \"green\", \"weight\": 0.5, \"fillOpacity\": 0\n", | |
| " }).add_to(m)\n", | |
| "\n", | |
| " folium.GeoJson(clip_extent, name=\"Grid (extent)\", style_function=lambda x: {\n", | |
| " \"color\": \"black\", \"weight\": 1, \"fillOpacity\": 0\n", | |
| " }).add_to(m)\n", | |
| "\n", | |
| " # Add first cell polygon (red) on top\n", | |
| " folium.GeoJson(first_cell.geometry,\n", | |
| " name=f\"First Cell {first_cell.block_id}\",\n", | |
| " style_function=lambda x: {\"color\": \"red\", \"weight\": 2, \"fillOpacity\": 0.1}).add_to(m)\n", | |
| "\n", | |
| " # Add last cell polygon (blue) on top\n", | |
| " folium.GeoJson(last_cell.geometry,\n", | |
| " name=f\"Last Cell {last_cell.block_id}\",\n", | |
| " style_function=lambda x: {\"color\": \"blue\", \"weight\": 2, \"fillOpacity\": 0.1}).add_to(m)\n", | |
| "\n", | |
| " # Optional: add markers at centroids\n", | |
| " folium.Marker([first_cell.geometry.centroid.y, first_cell.geometry.centroid.x],\n", | |
| " popup=f\"First Cell: {first_cell.block_id}\",\n", | |
| " icon=folium.Icon(color=\"red\")).add_to(m)\n", | |
| "\n", | |
| " folium.Marker([last_cell.geometry.centroid.y, last_cell.geometry.centroid.x],\n", | |
| " popup=f\"Last Cell: {last_cell.block_id}\",\n", | |
| " icon=folium.Icon(color=\"blue\")).add_to(m)\n", | |
| "\n", | |
| " folium.LayerControl().add_to(m)\n", | |
| "\n", | |
| " return buffered_grid_wgs84, clip_extent_GEE, m" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "74d888c9-1bde-4957-9285-1d1e508f004c", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 3, | |
| "status": "ok", | |
| "timestamp": 1759947946938, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "74d888c9-1bde-4957-9285-1d1e508f004c" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "b8047fde-4fa7-4980-935b-55e40c721173", | |
| "metadata": { | |
| "id": "b8047fde-4fa7-4980-935b-55e40c721173", | |
| "jp-MarkdownHeadingCollapsed": true | |
| }, | |
| "source": [ | |
| "### Part 2 Sampling Pixels" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "ca903100-2644-456d-98a2-f417a4e294e1", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 41, | |
| "status": "ok", | |
| "timestamp": 1759947947006, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "ca903100-2644-456d-98a2-f417a4e294e1", | |
| "outputId": "1cb889ce-2ccf-41e6-cd01-e759e04a57be" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Helper: create 100m grid points inside an ee.Geometry block\n", | |
| "def generate_grid_points(block_geom, spacing=100):\n", | |
| " # pixelLonLat and sample with a scale ~ spacing (meters)\n", | |
| " lonlat = ee.Image.pixelLonLat()\n", | |
| " pts = lonlat.sample(\n", | |
| " region=block_geom,\n", | |
| " scale=spacing,\n", | |
| " projection=ee.Projection('EPSG:4326').atScale(spacing),\n", | |
| " geometries=True\n", | |
| " )\n", | |
| " return pts\n", | |
| "\n", | |
| "def sample_jrc_on_grid(JRC_forest, block_geom, block_id, spacing=100, sample_scale=10):\n", | |
| " \"\"\"\n", | |
| " Sample the JRC forest map within one 5×5 km block on a regular 100 m grid.\n", | |
| "\n", | |
| " Parameters\n", | |
| " ----------\n", | |
| " JRC_forest : ee.Image\n", | |
| " The pre-loaded JRC forest image (e.g. ee.ImageCollection('JRC/GFC2020/V2').mosaic().select('Map'))\n", | |
| " block_geom : ee.Geometry\n", | |
| " The block geometry (typically from GeoDataFrame row converted to ee.Geometry)\n", | |
| " block_id : str or int\n", | |
| " Unique block identifier\n", | |
| " spacing : int\n", | |
| " Distance between sample points in meters (default: 100)\n", | |
| " sample_scale : int\n", | |
| " Pixel resolution for sampling (default: 10 m)\n", | |
| "\n", | |
| " Returns\n", | |
| " -------\n", | |
| " ee.FeatureCollection\n", | |
| " Points with 'forest' property (1 = forest, 0 = non-forest)\n", | |
| " and metadata {block_id, x, y}\n", | |
| " \"\"\"\n", | |
| "\n", | |
| " # --- 1. Generate regular grid of points (e.g., 100 m spacing)\n", | |
| " grid_pts = generate_grid_points(block_geom, spacing=spacing)\n", | |
| "\n", | |
| " # --- 2. Clip and unmask only within block ---\n", | |
| " #jrc_block = JRC_forest.clip(block_geom).unmask(0).rename('Forest')\n", | |
| "\n", | |
| " # 2.1. Create a zero image matching the clipped area\n", | |
| " # --- 2.1 Create a zero image at the right scale and projection ---\n", | |
| " # Use the JRC image projection\n", | |
| " proj = JRC_forest.projection().atScale(sample_scale)\n", | |
| "\n", | |
| " # Create a zeros image\n", | |
| " zeros = ee.Image(0).rename('Forest').reproject(proj)\n", | |
| "\n", | |
| " # Clip to the block\n", | |
| " zeros_block = zeros.clip(block_geom)\n", | |
| "\n", | |
| " # Add the forest values\n", | |
| " jrc_block = zeros_block.add(JRC_forest.clip(block_geom)).rename('Forest')\n", | |
| "\n", | |
| " # --- 3. Sample values from JRC forest map ---\n", | |
| " samples = jrc_block.sampleRegions(\n", | |
| " collection=grid_pts,\n", | |
| " scale=sample_scale,\n", | |
| " geometries=True\n", | |
| " )\n", | |
| "\n", | |
| " # --- 4. Add metadata for traceability ---\n", | |
| " samples = samples.map(lambda f:\n", | |
| " f.set({\n", | |
| " 'block_id': block_id,\n", | |
| " 'x': f.geometry().coordinates().get(0),\n", | |
| " 'y': f.geometry().coordinates().get(1)\n", | |
| " })\n", | |
| " )\n", | |
| "\n", | |
| " # print(jrc_block.projection().getInfo())\n", | |
| " # print(jrc_block.getInfo())\n", | |
| "\n", | |
| " return samples, jrc_block\n", | |
| "\n", | |
| "def balance_samples(samples_gdf, field_name=None, n_per_class=250, block_id=None, fill=True):\n", | |
| " \"\"\"\n", | |
| " Balance sample points per class, optionally filling missing points.\n", | |
| "\n", | |
| " Parameters\n", | |
| " ----------\n", | |
| " samples_gdf : GeoDataFrame\n", | |
| " Sampled points with a 'forest' column (0/1).\n", | |
| " n_per_class : int\n", | |
| " Number of points per class.\n", | |
| " block_id : str, optional\n", | |
| " Block identifier to attach.\n", | |
| " fill : bool\n", | |
| " If True, fill missing points with opposite class (with replacement).\n", | |
| " If False, just use available points.\n", | |
| "\n", | |
| " Returns\n", | |
| " -------\n", | |
| " balanced_gdf : GeoDataFrame\n", | |
| " Balanced sample points with metadata.\n", | |
| " \"\"\"\n", | |
| " balanced_list = []\n", | |
| "\n", | |
| " for cls in [1, 0]:\n", | |
| " cls_points = samples_gdf[samples_gdf[field_name]==cls]\n", | |
| " n_actual = len(cls_points)\n", | |
| "\n", | |
| " #print(f\"n_actual {n_actual}\")\n", | |
| "\n", | |
| " if n_actual >= n_per_class:\n", | |
| " selected = cls_points.sample(n=n_per_class, random_state=42)\n", | |
| " filled_flag = False\n", | |
| " else:\n", | |
| " selected = cls_points.copy()\n", | |
| " filled_flag = False\n", | |
| " if fill:\n", | |
| " n_fill = n_per_class - n_actual\n", | |
| " fill_class = 1 - cls\n", | |
| " fill_points = samples_gdf[samples_gdf[field_name]==fill_class].sample(\n", | |
| " n=n_fill, replace=True, random_state=42\n", | |
| " )\n", | |
| " fill_points = fill_points.copy()\n", | |
| " fill_points[field_name] = cls # mark as filled to match class\n", | |
| " selected = pd.concat([selected, fill_points], ignore_index=True)\n", | |
| " filled_flag = True\n", | |
| " else:\n", | |
| " # Take all available points, do NOT fill\n", | |
| " selected = cls_points.copy()\n", | |
| " filled_flag = False\n", | |
| "\n", | |
| " selected['n_in_actual'] = n_actual\n", | |
| " selected['filled_flag'] = filled_flag\n", | |
| "\n", | |
| " if block_id is not None:\n", | |
| " selected['block_id'] = block_id\n", | |
| "\n", | |
| " balanced_list.append(selected)\n", | |
| "\n", | |
| " balanced_gdf = pd.concat(balanced_list, ignore_index=True)\n", | |
| " return balanced_gdf" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "9e671a04-39f7-492f-bd89-b4d677ca3351", | |
| "metadata": { | |
| "id": "9e671a04-39f7-492f-bd89-b4d677ca3351", | |
| "jp-MarkdownHeadingCollapsed": true | |
| }, | |
| "source": [ | |
| "### Part 3 - Modeling Functions" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "bc595b39-6453-4d75-8585-fe980170919c", | |
| "metadata": { | |
| "id": "bc595b39-6453-4d75-8585-fe980170919c" | |
| }, | |
| "source": [ | |
| "#### kNN with GroupKFold cross-validation" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "3c9355eb-01df-4ba5-bb49-c41325582887", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 28, | |
| "status": "ok", | |
| "timestamp": 1759947947038, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "3c9355eb-01df-4ba5-bb49-c41325582887", | |
| "outputId": "bb4fe443-80d3-46b6-8fcf-b94ca13ab7c1" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "def knn_group_cv(df, feature_cols, target_col, group_col='block_id', n_splits=5,\n", | |
| " n_neighbors=5, plot_curves=False):\n", | |
| " \"\"\"\n", | |
| " Run kNN with GroupKFold cross-validation and compute metrics.\n", | |
| "\n", | |
| " Parameters:\n", | |
| " -----------\n", | |
| " df : pd.DataFrame\n", | |
| " Input data including features, target, and grouping column.\n", | |
| " feature_cols : list\n", | |
| " List of feature column names to use.\n", | |
| " target_col : str\n", | |
| " Target column name (binary).\n", | |
| " group_col : str\n", | |
| " Column to use for GroupKFold (spatial blocks).\n", | |
| " n_splits : int\n", | |
| " Number of folds for GroupKFold.\n", | |
| " n_neighbors : int\n", | |
| " k for kNN classifier.\n", | |
| " plot_curves : bool\n", | |
| " If True, plots ROC and PR curves per fold.\n", | |
| "\n", | |
| " Returns:\n", | |
| " --------\n", | |
| " results_df : pd.DataFrame\n", | |
| " Metrics per fold (AUC, PR_AUC, Brier).\n", | |
| " mean_metrics : pd.Series\n", | |
| " Average metrics across folds.\n", | |
| " \"\"\"\n", | |
| " from sklearn.model_selection import GroupKFold\n", | |
| " gkf = GroupKFold(n_splits=n_splits)\n", | |
| " splits = list(gkf.split(X=df, y=df[target_col], groups=df[group_col]))\n", | |
| "\n", | |
| " results_list = []\n", | |
| "\n", | |
| " plt.figure(figsize=(12,5)) if plot_curves else None\n", | |
| "\n", | |
| " for fold, (train_idx, test_idx) in enumerate(splits):\n", | |
| " X_train = df.loc[train_idx, feature_cols].values\n", | |
| " y_train = df.loc[train_idx, target_col].values\n", | |
| " X_test = df.loc[test_idx, feature_cols].values\n", | |
| " y_test = df.loc[test_idx, target_col].values\n", | |
| "\n", | |
| " knn = KNeighborsClassifier(n_neighbors=n_neighbors)\n", | |
| " knn.fit(X_train, y_train)\n", | |
| " y_prob = knn.predict_proba(X_test)[:,1]\n", | |
| "\n", | |
| " auc = roc_auc_score(y_test, y_prob)\n", | |
| " pr_auc = average_precision_score(y_test, y_prob)\n", | |
| " brier = brier_score_loss(y_test, y_prob)\n", | |
| "\n", | |
| " results_list.append({'fold': fold, 'AUC': auc, 'PR_AUC': pr_auc, 'Brier': brier})\n", | |
| " print(f\"Fold {fold}: AUC={auc:.3f}, PR_AUC={pr_auc:.3f}, Brier={brier:.3f}\")\n", | |
| "\n", | |
| " if plot_curves:\n", | |
| " # ROC curve\n", | |
| " fpr, tpr, _ = roc_curve(y_test, y_prob)\n", | |
| " plt.subplot(1,2,1)\n", | |
| " plt.plot(fpr, tpr, label=f'Fold {fold}')\n", | |
| " plt.xlabel('FPR'); plt.ylabel('TPR'); plt.title('ROC Curves'); plt.legend()\n", | |
| " # Precision-Recall curve\n", | |
| " precision, recall, _ = precision_recall_curve(y_test, y_prob)\n", | |
| " plt.subplot(1,2,2)\n", | |
| " plt.plot(recall, precision, label=f'Fold {fold}')\n", | |
| " plt.xlabel('Recall'); plt.ylabel('Precision'); plt.title('PR Curves'); plt.legend()\n", | |
| "\n", | |
| " results_df = pd.DataFrame(results_list)\n", | |
| " mean_metrics = results_df[['AUC','PR_AUC','Brier']].mean()\n", | |
| "\n", | |
| " if plot_curves:\n", | |
| " plt.tight_layout()\n", | |
| " plt.show()\n", | |
| "\n", | |
| " print(\"\\nAverage metrics across folds:\")\n", | |
| " print(mean_metrics)\n", | |
| "\n", | |
| " return results_df, mean_metrics\n", | |
| "\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "e0af55bc-8011-4664-8f1a-2317f883ff85", | |
| "metadata": { | |
| "id": "e0af55bc-8011-4664-8f1a-2317f883ff85" | |
| }, | |
| "source": [ | |
| "#### Random Forest with GroupKFold cross-validation" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "205c4742-4006-4cee-b0a0-b304b8ea6643", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 70, | |
| "status": "ok", | |
| "timestamp": 1759947947112, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "205c4742-4006-4cee-b0a0-b304b8ea6643", | |
| "outputId": "4dfdcb8a-16cc-4735-872d-91c1e5708b44" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "def rf_group_cv(df, feature_cols, target_col, group_col='block_id', n_splits=5,\n", | |
| " n_estimators=200, max_depth=None, random_state=42, plot_curves=False):\n", | |
| " \"\"\"\n", | |
| " Run Random Forest with GroupKFold cross-validation and compute metrics.\n", | |
| "\n", | |
| " Parameters:\n", | |
| " -----------\n", | |
| " df : pd.DataFrame\n", | |
| " Input data including features, target, and grouping column.\n", | |
| " feature_cols : list\n", | |
| " List of feature column names to use.\n", | |
| " target_col : str\n", | |
| " Target column name (binary).\n", | |
| " group_col : str\n", | |
| " Column to use for GroupKFold (spatial blocks).\n", | |
| " n_splits : int\n", | |
| " Number of folds for GroupKFold.\n", | |
| " n_estimators : int\n", | |
| " Number of trees in the Random Forest.\n", | |
| " max_depth : int or None\n", | |
| " Maximum tree depth.\n", | |
| " random_state : int\n", | |
| " Random seed for reproducibility.\n", | |
| " plot_curves : bool\n", | |
| " If True, plots ROC and PR curves per fold.\n", | |
| "\n", | |
| " Returns:\n", | |
| " --------\n", | |
| " results_df : pd.DataFrame\n", | |
| " Metrics per fold (AUC, PR_AUC, Brier).\n", | |
| " mean_metrics : pd.Series\n", | |
| " Average metrics across folds.\n", | |
| " \"\"\"\n", | |
| " from sklearn.model_selection import GroupKFold\n", | |
| " gkf = GroupKFold(n_splits=n_splits)\n", | |
| " splits = list(gkf.split(X=df, y=df[target_col], groups=df[group_col]))\n", | |
| "\n", | |
| " results_list = []\n", | |
| "\n", | |
| " plt.figure(figsize=(12,5)) if plot_curves else None\n", | |
| "\n", | |
| " for fold, (train_idx, test_idx) in enumerate(splits):\n", | |
| " X_train = df.loc[train_idx, feature_cols].values\n", | |
| " y_train = df.loc[train_idx, target_col].values\n", | |
| " X_test = df.loc[test_idx, feature_cols].values\n", | |
| " y_test = df.loc[test_idx, target_col].values\n", | |
| "\n", | |
| " rf = RandomForestClassifier(n_estimators=n_estimators, max_depth=max_depth,\n", | |
| " random_state=random_state, n_jobs=-1)\n", | |
| " rf.fit(X_train, y_train)\n", | |
| " y_prob = rf.predict_proba(X_test)[:,1]\n", | |
| "\n", | |
| " auc = roc_auc_score(y_test, y_prob)\n", | |
| " pr_auc = average_precision_score(y_test, y_prob)\n", | |
| " brier = brier_score_loss(y_test, y_prob)\n", | |
| "\n", | |
| " results_list.append({'fold': fold, 'AUC': auc, 'PR_AUC': pr_auc, 'Brier': brier})\n", | |
| " print(f\"Fold {fold}: AUC={auc:.3f}, PR_AUC={pr_auc:.3f}, Brier={brier:.3f}\")\n", | |
| "\n", | |
| " if plot_curves:\n", | |
| " # ROC curve\n", | |
| " fpr, tpr, _ = roc_curve(y_test, y_prob)\n", | |
| " plt.subplot(1,2,1)\n", | |
| " plt.plot(fpr, tpr, label=f'Fold {fold}')\n", | |
| " plt.xlabel('FPR'); plt.ylabel('TPR'); plt.title('ROC Curves'); plt.legend()\n", | |
| " # Precision-Recall curve\n", | |
| " precision, recall, _ = precision_recall_curve(y_test, y_prob)\n", | |
| " plt.subplot(1,2,2)\n", | |
| " plt.plot(recall, precision, label=f'Fold {fold}')\n", | |
| " plt.xlabel('Recall'); plt.ylabel('Precision'); plt.title('PR Curves'); plt.legend()\n", | |
| "\n", | |
| " results_df = pd.DataFrame(results_list)\n", | |
| " mean_metrics = results_df[['AUC','PR_AUC','Brier']].mean()\n", | |
| "\n", | |
| " if plot_curves:\n", | |
| " plt.tight_layout()\n", | |
| " plt.show()\n", | |
| "\n", | |
| " print(\"\\nAverage metrics across folds:\")\n", | |
| " print(mean_metrics)\n", | |
| "\n", | |
| " return results_df, mean_metrics\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "5409fa98-404d-4894-9dfb-2aa307ab430e", | |
| "metadata": { | |
| "id": "5409fa98-404d-4894-9dfb-2aa307ab430e" | |
| }, | |
| "source": [ | |
| "#### XGBoost with GroupKFold cross-validation" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "696a1f6c-77e7-421b-88f5-80cee6f9bb71", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 84, | |
| "status": "ok", | |
| "timestamp": 1759947947199, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "696a1f6c-77e7-421b-88f5-80cee6f9bb71", | |
| "outputId": "36ce68ba-0c51-4c99-f0d4-a4dc16aaceb0" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "def xgb_group_cv(df, feature_cols, target_col, group_col='block_id', n_splits=5,\n", | |
| " n_estimators=200, max_depth=6, learning_rate=0.1, random_state=42,\n", | |
| " plot_curves=False):\n", | |
| " \"\"\"\n", | |
| " Run XGBoost with GroupKFold cross-validation and compute metrics.\n", | |
| "\n", | |
| " Parameters:\n", | |
| " -----------\n", | |
| " df : pd.DataFrame\n", | |
| " Input data including features, target, and grouping column.\n", | |
| " feature_cols : list\n", | |
| " List of feature column names to use.\n", | |
| " target_col : str\n", | |
| " Target column name (binary).\n", | |
| " group_col : str\n", | |
| " Column to use for GroupKFold (spatial blocks).\n", | |
| " n_splits : int\n", | |
| " Number of folds for GroupKFold.\n", | |
| " n_estimators : int\n", | |
| " Number of boosting rounds.\n", | |
| " max_depth : int\n", | |
| " Maximum tree depth.\n", | |
| " learning_rate : float\n", | |
| " Step size shrinkage.\n", | |
| " random_state : int\n", | |
| " Random seed for reproducibility.\n", | |
| " plot_curves : bool\n", | |
| " If True, plots ROC and PR curves per fold.\n", | |
| "\n", | |
| " Returns:\n", | |
| " --------\n", | |
| " results_df : pd.DataFrame\n", | |
| " Metrics per fold (AUC, PR_AUC, Brier).\n", | |
| " mean_metrics : pd.Series\n", | |
| " Average metrics across folds.\n", | |
| " \"\"\"\n", | |
| " from sklearn.model_selection import GroupKFold\n", | |
| " gkf = GroupKFold(n_splits=n_splits)\n", | |
| " splits = list(gkf.split(X=df, y=df[target_col], groups=df[group_col]))\n", | |
| "\n", | |
| " results_list = []\n", | |
| "\n", | |
| " plt.figure(figsize=(12,5)) if plot_curves else None\n", | |
| "\n", | |
| " for fold, (train_idx, test_idx) in enumerate(splits):\n", | |
| " X_train = df.loc[train_idx, feature_cols].values\n", | |
| " y_train = df.loc[train_idx, target_col].values\n", | |
| " X_test = df.loc[test_idx, feature_cols].values\n", | |
| " y_test = df.loc[test_idx, target_col].values\n", | |
| "\n", | |
| " xgb = XGBClassifier(\n", | |
| " n_estimators=n_estimators,\n", | |
| " max_depth=max_depth,\n", | |
| " learning_rate=learning_rate,\n", | |
| " random_state=random_state,\n", | |
| " eval_metric='logloss', # keep this\n", | |
| " n_jobs=-1\n", | |
| " )\n", | |
| " xgb.fit(X_train, y_train)\n", | |
| " y_prob = xgb.predict_proba(X_test)[:,1]\n", | |
| "\n", | |
| " auc = roc_auc_score(y_test, y_prob)\n", | |
| " pr_auc = average_precision_score(y_test, y_prob)\n", | |
| " brier = brier_score_loss(y_test, y_prob)\n", | |
| "\n", | |
| " results_list.append({'fold': fold, 'AUC': auc, 'PR_AUC': pr_auc, 'Brier': brier})\n", | |
| " print(f\"Fold {fold}: AUC={auc:.3f}, PR_AUC={pr_auc:.3f}, Brier={brier:.3f}\")\n", | |
| "\n", | |
| " if plot_curves:\n", | |
| " # ROC curve\n", | |
| " fpr, tpr, _ = roc_curve(y_test, y_prob)\n", | |
| " plt.subplot(1,2,1)\n", | |
| " plt.plot(fpr, tpr, label=f'Fold {fold}')\n", | |
| " plt.xlabel('FPR'); plt.ylabel('TPR'); plt.title('ROC Curves'); plt.legend()\n", | |
| " # Precision-Recall curve\n", | |
| " precision, recall, _ = precision_recall_curve(y_test, y_prob)\n", | |
| " plt.subplot(1,2,2)\n", | |
| " plt.plot(recall, precision, label=f'Fold {fold}')\n", | |
| " plt.xlabel('Recall'); plt.ylabel('Precision'); plt.title('PR Curves'); plt.legend()\n", | |
| "\n", | |
| " results_df = pd.DataFrame(results_list)\n", | |
| " mean_metrics = results_df[['AUC','PR_AUC','Brier']].mean()\n", | |
| "\n", | |
| " if plot_curves:\n", | |
| " plt.tight_layout()\n", | |
| " plt.show()\n", | |
| "\n", | |
| " print(\"\\nAverage metrics across folds:\")\n", | |
| " print(mean_metrics)\n", | |
| "\n", | |
| " return results_df, mean_metrics\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "33908b30-3def-4e02-b90a-d3de0004766b", | |
| "metadata": { | |
| "id": "33908b30-3def-4e02-b90a-d3de0004766b" | |
| }, | |
| "source": [ | |
| "## Define Study Area & Sampling Blocks\n", | |
| "### 🌍 Rationale for Selecting Ebolowa, Southern Cameroon as Pilot Area\n", | |
| "\n", | |
| "**Objective:** Choose a pilot region to evaluate whether Google satellite embeddings can capture **fine-scale land-use changes** (plantations, small clearings, roads) while remaining tropical and geographically relatable.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### ✅ Advantages of Ebolowa\n", | |
| "\n", | |
| "1. **Recognizable location**\n", | |
| " - Ebolowa is the **capital of Cameroon’s South Region**, making the study area geographically and administratively notable.\n", | |
| " - Anchors the project in a familiar context for stakeholders or readers.\n", | |
| "\n", | |
| "2. **Tropical latitude and climate**\n", | |
| " - Approximately **2.9° N, 11.2° E**, placing the pilot area firmly within the tropical rainforest biome and making it regionally representative of a tropical climate.\n", | |
| " - Maintains comparable forest type and seasonal climate conditions (wet and dry seasons).\n", | |
| "\n", | |
| "3. **High forest heterogeneity**\n", | |
| " - Surrounding area includes dense tropical forest, secondary regrowth, smallholder agriculture, and **plantations (e.g., oil palm)**.\n", | |
| " - Presence of small roads and settlements provides **fine-scale land-use variation** for testing embeddings’ sensitivity.\n", | |
| "\n", | |
| "4. **Manageable study tile**\n", | |
| " - A **100 km × 100 km tile** around Ebolowa supports 5 km × 5 km blocks (400 blocks), enabling a **robust block-based sampling design** while remaining computationally feasible in Earth Engine.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### ⚠️ Considerations / Limitations\n", | |
| "\n", | |
| "1. **Commercial plantations**\n", | |
| " - Industrial crops may dominate some areas, potentially influencing JRC forest labels.\n", | |
| " - Mitigation: stratify blocks to maintain a balance of forest and non-forest pixels.\n", | |
| "\n", | |
| "2. **Cloud coverage**\n", | |
| " - Seasonal wet months may limit Sentinel-2 observations.\n", | |
| " - Mitigation: rely on Sentinel-1 features and S2 coverage flags.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### ✅ Summary\n", | |
| "\n", | |
| "Ebolowa, Southern Cameroon, is an **ideal pilot area** because it: \n", | |
| "- Combines recognisable geography with tropical forest conditions. \n", | |
| "- Offers **fine-scale human-modified landscape heterogeneity** for robust testing of embeddings. \n", | |
| "- Supports a **100 km × 100 km, 5 km block-based sampling** framework feasible for Earth Engine processing.\n", | |
| "\n", | |
| "> *Recommendation*: Use this area as the primary evaluation site for testing Google satellite embeddings’ ability to detect forest and land-use patterns, while using a location like Buta, DRC, for initial pipeline debugging and cross-validation.\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "9cb22182-bbf1-469a-8daa-b1e1edbe3e78", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 235, | |
| "status": "ok", | |
| "timestamp": 1759947947433, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "9cb22182-bbf1-469a-8daa-b1e1edbe3e78", | |
| "outputId": "41ccb9a8-70f6-4abe-f1ca-b40c825f90ec" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Step 1: Define the central point (Ebolowa)\n", | |
| "lon, lat = 11.1122402, 2.921053 # (longitude, latitude)\n", | |
| "point = Point(lon, lat)\n", | |
| "\n", | |
| "# Step 2: Create a GeoDataFrame in WGS84\n", | |
| "gdf = gpd.GeoDataFrame({'geometry': [point]}, crs='EPSG:4326')\n", | |
| "\n", | |
| "# Step 3: Estimate appropriate UTM CRS automatically\n", | |
| "utm_crs = gdf.estimate_utm_crs(datum_name='WGS 84')\n", | |
| "gdf_utm = gdf.to_crs(utm_crs)\n", | |
| "\n", | |
| "# Step 4: Create a 50 km buffer\n", | |
| "buffer_50km = gdf_utm.buffer(50000)\n", | |
| "gdf_buffer = gpd.GeoDataFrame({'geometry': buffer_50km}, crs=gdf_utm.crs)\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "500eaa8b-6ebc-4249-bd81-a783235ab6bb", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 60, | |
| "status": "ok", | |
| "timestamp": 1759947947495, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "500eaa8b-6ebc-4249-bd81-a783235ab6bb", | |
| "outputId": "a327a97c-2b48-4736-b11e-cdb289503c22" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Step 1: Get bounds of your 50 km buffer (or your initial point)\n", | |
| "minx, miny, maxx, maxy = gdf_buffer.total_bounds # UTM coordinates in meters\n", | |
| "\n", | |
| "# Step 2: Snap lower-left corner to nearest 5 km (5000 m)\n", | |
| "snap_size = 5000 # 5 km\n", | |
| "lower_left_x = np.floor(minx / snap_size) * snap_size\n", | |
| "lower_left_y = np.floor(miny / snap_size) * snap_size\n", | |
| "\n", | |
| "# Step 3: Define the adjusted 100 km x 100 km study area\n", | |
| "size = 100000 # 100 km\n", | |
| "upper_right_x = lower_left_x + size\n", | |
| "upper_right_y = lower_left_y + size\n", | |
| "\n", | |
| "from shapely.geometry import box\n", | |
| "study_area = box(lower_left_x, lower_left_y, upper_right_x, upper_right_y)\n", | |
| "\n", | |
| "# Step 4: Create GeoDataFrame\n", | |
| "gdf_study_area = gpd.GeoDataFrame({'geometry':[study_area]}, crs=gdf_utm.crs)\n", | |
| "\n", | |
| "# Step 5: Compute centroid\n", | |
| "gdf_study_area['centroid'] = gdf_study_area.centroid\n", | |
| "\n", | |
| "# Optional: Inspect centroid coordinates\n", | |
| "centroid = gdf_study_area['centroid'].iloc[0]\n", | |
| "print(f\"Centroid coordinates (UTM): x={centroid.x}, y={centroid.y}\")\n", | |
| "\n", | |
| "# # Optional: Plot for visualization\n", | |
| "# ax = gdf_study_area.plot(edgecolor='blue', facecolor='none', figsize=(6,6))\n", | |
| "# gdf_study_area['centroid'].plot(ax=ax, color='red', marker='o', markersize=50)\n", | |
| "# gdf_utm.plot(ax=ax, color='grey', marker='o', markersize=50)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "5d693ecd-9014-4f1d-ace8-37d3dcc5d6ca", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 493 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 3949, | |
| "status": "ok", | |
| "timestamp": 1759947951435, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "5d693ecd-9014-4f1d-ace8-37d3dcc5d6ca", | |
| "outputId": "e7254e2a-824d-4e50-a40b-ae339040d559" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Convert boundary to Earth Engine Geometry\n", | |
| "boundary_gdf = gdf_study_area.copy()\n", | |
| "if boundary_gdf.crs is not None and boundary_gdf.crs.to_epsg() != 4326:\n", | |
| " boundary_gdf = boundary_gdf.to_crs(\"EPSG:4326\")\n", | |
| "boundary_geom = ee.Geometry.Polygon(boundary_gdf.geometry.iloc[0].exterior.coords[:])\n", | |
| "\n", | |
| "# Step 1: create AOI & grids\n", | |
| "buffered_grid_wgs84, clip_extent_GEE, m = create_aoi_map(boundary_gdf, zoom_start=9)\n", | |
| "\n", | |
| "# Show the current project extent\n", | |
| "fig = branca_figure(width=600, height=400)\n", | |
| "\n", | |
| "fig.add_child(m)\n", | |
| "fig" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "78288fa5-1c2d-4815-8021-f7d258770d5b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 206 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 5, | |
| "status": "ok", | |
| "timestamp": 1759947951447, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "78288fa5-1c2d-4815-8021-f7d258770d5b", | |
| "outputId": "7ecb6247-81ef-4ac2-d13f-306123e91335" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "buffered_grid_wgs84.head()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "5f6dd710-2fa3-4551-a7d0-5c9c906b5bfb", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 6, | |
| "status": "ok", | |
| "timestamp": 1759947951455, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "5f6dd710-2fa3-4551-a7d0-5c9c906b5bfb" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "31e3c0ab-24e4-4d7b-a3b2-d83a5784f991", | |
| "metadata": { | |
| "id": "31e3c0ab-24e4-4d7b-a3b2-d83a5784f991" | |
| }, | |
| "source": [ | |
| "## 🧭 Sampling Pixels Within Each Block\n", | |
| "\n", | |
| "### 🎯 Objective\n", | |
| "For each **5 × 5 km** block, generate a balanced and spatially representative set of **300 sample points** (or as many as available):\n", | |
| "\n", | |
| "- 150 points located **inside forest** (JRC = 1) \n", | |
| "- 150 points located **outside forest** (JRC = 0) \n", | |
| "- If a class has fewer available points than 150, sample as many as possible \n", | |
| "- **Filling missing points from the opposite class is disabled** to respect true data availability \n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "<details>\n", | |
| "<summary>🪄 <b>Method Overview</b></summary>\n", | |
| "\n", | |
| "### 1️⃣ Retrieve Block Geometry\n", | |
| "- Input: single 5 × 5 km block polygon (UTM)\n", | |
| "- Convert geometry to Earth Engine `ee.Geometry.Polygon`\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 2️⃣ Generate Sampling Grid (100 m spacing)\n", | |
| "- Create a **regular grid** with 100 m × 100 m spacing \n", | |
| "- Produces **50 × 50 = 2,500 candidate points**\n", | |
| "- Ensures ≥100 m spacing, reducing spatial autocorrelation\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 3️⃣ Prepare JRC Global Forest Cover Layer\n", | |
| "<!-- ```python\n", | |
| "image2020 = ee.ImageCollection('JRC/GFC2020/V2').mosaic()\n", | |
| " ``` -->\n", | |
| "- Use Map band (1 = forest)\n", | |
| "- Clip to block extent for efficiency\n", | |
| "- Pixel resolution: 10 m\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 4️⃣ Sample Grid Points over JRC Layer\n", | |
| "\n", | |
| "- Use the **100 m grid points** created in Step 2 as sampling locations \n", | |
| "- Sample the JRC layer using Earth Engine’s `sampleRegions()` function \n", | |
| "- Sampling is done at **10 m scale**, matching the JRC dataset resolution \n", | |
| "- Only pixels with valid data are returned (i.e., no-data areas are excluded) \n", | |
| "\n", | |
| "**Processing notes:**\n", | |
| "- The result is an `ee.FeatureCollection` where each point has a `forest_class` attribute:\n", | |
| " - `1` → Forest (JRC pixel = 1)\n", | |
| " - `0` → Non-forest (JRC pixel = 0)\n", | |
| "- Since only valid pixels are returned, **non-forest points are explicitly represented** before sampling if needed\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 5️⃣ Split and Randomize Samples\n", | |
| "\n", | |
| "- Split the sampled dataset into two subsets:\n", | |
| " - `forest_points` → features with `forest_class = 1`\n", | |
| " - `nonforest_points` → features with `forest_class = 0`\n", | |
| "- Randomly select up to **150 samples** from each subset using a fixed random seed for reproducibility \n", | |
| "- If a subset has fewer than 150 points, **do not fill** from the opposite class \n", | |
| "- This ensures **all available points are used while maintaining class balance as much as possible**\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 6️⃣ Merge and Finalize Samples\n", | |
| "\n", | |
| "- Combine both subsets into a single `ee.FeatureCollection` \n", | |
| "- Attach sampling metadata to each feature:\n", | |
| "\n", | |
| "| Attribute | Description |\n", | |
| "|------------|--------------|\n", | |
| "| `block_id` | Unique block identifier (e.g., `\"005-012\"`) |\n", | |
| "| `forest_class` | `1` = forest, `0` = non-forest |\n", | |
| "| `x`, `y` | UTM coordinates of the sample point |\n", | |
| "| `n_in_actual` | Number of true forest pixels found in this block |\n", | |
| "| `filled_flag` | `True` if one class was undersampled and filled from the other (currently always `False`) |\n", | |
| "\n", | |
| "- Validate that the total count is equal to the number of points actually sampled (≤ 300)\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 7️⃣ Output\n", | |
| "\n", | |
| "- Export one `FeatureCollection` per block \n", | |
| "- Each dataset represents **balanced samples of forest and non-forest pixels according to availability**\n", | |
| "\n", | |
| "**Export options:**\n", | |
| "- To Earth Engine Asset for direct cloud-based processing \n", | |
| "- To GeoJSON or shapefile for local analysis and model training \n", | |
| "\n", | |
| "**Example filenames:**\n", | |
| "- `samples_all_blocks.geojson`\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### 🧩 Notes and Rationale\n", | |
| "\n", | |
| "- Sampling 2,500 candidate points (100 m grid) is efficient — about **1% of all 10 m pixels** per block \n", | |
| "- The **100 m spacing** enforces a minimum distance between samples, reducing spatial autocorrelation \n", | |
| "- Keeping a **target of 300 points per block** simplifies downstream analysis while respecting data availability \n", | |
| "- Including blocks with few forest or non-forest pixels retains important ecological gradients (e.g., forest edge regions) \n", | |
| "- Random sampling ensures representative and unbiased coverage within each block " | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "ddc81b97-cd3e-47a9-9f8e-11b0267b23c6", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 52, | |
| "status": "ok", | |
| "timestamp": 1759947951510, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "ddc81b97-cd3e-47a9-9f8e-11b0267b23c6", | |
| "outputId": "7f6fc0a6-82dd-4998-dad7-adc7d9e57f91" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# --- Set overwrite flag ---\n", | |
| "boo_run = False\n", | |
| "overwrite = False # True # Change to False to skip if file exists\n", | |
| "\n", | |
| "# --- Define output filename ---\n", | |
| "output_file = \"all_block_samples.geojson\"\n", | |
| "\n", | |
| "# --- Check if file exists ---\n", | |
| "if os.path.exists(output_file) and not overwrite:\n", | |
| " print(f\"File '{output_file}' already exists. Skipping this block.\")\n", | |
| " boo_run = False\n", | |
| "else:\n", | |
| " # --- Your sampling code here ---\n", | |
| " # e.g., creating all_samples_gdf\n", | |
| " # all_samples_gdf = ...\n", | |
| " boo_run = True\n", | |
| "\n", | |
| " # Save to GeoJSON\n", | |
| " # all_samples_gdf.to_file(output_file, driver=\"GeoJSON\")\n", | |
| " # print(f\"Saved all_samples_gdf as '{output_file}' (overwrite={overwrite}).\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "5bc532bc-7be5-4590-8d0b-6b6d00b5a91c", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9, | |
| "status": "ok", | |
| "timestamp": 1759947951522, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "5bc532bc-7be5-4590-8d0b-6b6d00b5a91c", | |
| "outputId": "e558c55c-4386-48f7-d061-8dc1158752fb" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # --- 0. Load JRC image (forest = 1, non-forest = 0) ---\n", | |
| " image2020 = ee.ImageCollection('JRC/GFC2020/V2').mosaic().select('Map').unmask(0)\n", | |
| "\n", | |
| " print(\"JRC bands:\", image2020.bandNames().getInfo())\n", | |
| "\n", | |
| " block_stats = []\n", | |
| "\n", | |
| " # Loop over all blocks with a progress bar\n", | |
| " for i, row in tqdm(buffered_grid_wgs84.iterrows(), total=len(buffered_grid_wgs84), desc=\"Processing blocks\"):\n", | |
| " block_id = row['block_id']\n", | |
| "\n", | |
| " # Convert geometry to EE\n", | |
| " block_geom = ee.Geometry.Polygon(list(row.geometry.exterior.coords))\n", | |
| "\n", | |
| " # Clip JRC image to block\n", | |
| " jrc_block = image2020.clip(block_geom).unmask(0).rename('Forest')\n", | |
| "\n", | |
| " # Reduce the image to counts per class at coarser scale\n", | |
| " counts_dict = jrc_block.reduceRegion(\n", | |
| " reducer=ee.Reducer.frequencyHistogram(),\n", | |
| " geometry=block_geom,\n", | |
| " scale=100, # coarser scale → much faster\n", | |
| " maxPixels=1e9\n", | |
| " ).get('Forest').getInfo()\n", | |
| "\n", | |
| " n_forest = int(round(counts_dict.get('1', 0)))\n", | |
| " n_nonforest = int(round(counts_dict.get('0', 0)))\n", | |
| "\n", | |
| " # Store results\n", | |
| " block_stats.append({\n", | |
| " 'block_id': block_id,\n", | |
| " 'n_forest': n_forest,\n", | |
| " 'n_nonforest': n_nonforest\n", | |
| " })\n", | |
| "\n", | |
| " # Convert to DataFrame\n", | |
| " stats_df = pd.DataFrame(block_stats)\n", | |
| "\n", | |
| " # Filter blocks if needed\n", | |
| " filtered_blocks = stats_df[(stats_df['n_forest'] >= 1) & (stats_df['n_nonforest'] >= 1)]\n", | |
| "\n", | |
| " print(\"Blocks passing threshold:\", len(filtered_blocks))\n", | |
| " filtered_blocks.head()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "1d93d9b5-c827-45a7-bff0-4925804044d0", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9, | |
| "status": "ok", | |
| "timestamp": 1759947951534, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "1d93d9b5-c827-45a7-bff0-4925804044d0", | |
| "outputId": "1cd6fa49-8c6a-4ad1-91ed-98b5909a5948" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # Select blocks with ≥25 non-forest pixels\n", | |
| " nonforest_blocks_threshold = stats_df[stats_df['n_nonforest'] >= 25]\n", | |
| " count_nonforest_blocks = len(nonforest_blocks_threshold)\n", | |
| " sum_nonforest_pixels = nonforest_blocks_threshold['n_nonforest'].sum()\n", | |
| "\n", | |
| " print(f\"Number of blocks with ≥25 non-forest pixels: {count_nonforest_blocks}\")\n", | |
| " print(f\"Total non-forest pixels in these blocks: {sum_nonforest_pixels}\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "0b1952d1-5787-4ed4-8580-89a5f71c8b75", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 8, | |
| "status": "ok", | |
| "timestamp": 1759947951545, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "0b1952d1-5787-4ed4-8580-89a5f71c8b75", | |
| "outputId": "e7e40662-1b12-43bc-ccf2-5b7c3f76d05c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " #\n", | |
| "\n", | |
| " plt.figure(figsize=(10,6))\n", | |
| " sns.histplot(stats_df, x='n_forest', binwidth=25, color='green', label='Forest', alpha=0.6)\n", | |
| " sns.histplot(stats_df, x='n_nonforest', bins=30, color='brown', label='Non-Forest', alpha=0.6)\n", | |
| " plt.xlabel(\"Number of pixels\")\n", | |
| " plt.ylabel(\"Number of blocks\")\n", | |
| " plt.title(\"Distribution of Forest and Non-Forest Pixels per Block\")\n", | |
| " plt.legend()\n", | |
| " plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "8809df56-aed3-4006-8fdc-f55c51b17616", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9, | |
| "status": "ok", | |
| "timestamp": 1759947951557, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "8809df56-aed3-4006-8fdc-f55c51b17616", | |
| "outputId": "d7494c0a-1cf9-41e3-99ff-9c92ccdcf9d8" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # Subset blocks with ≥25 non-forest pixels\n", | |
| " blocks_nf25 = stats_df[stats_df['n_nonforest'] >= 25]\n", | |
| "\n", | |
| " # Inspect basic stats\n", | |
| " print(blocks_nf25[['block_id', 'n_forest', 'n_nonforest']].describe())\n", | |
| "\n", | |
| " # Plot distribution of non-forest pixels\n", | |
| " plt.figure(figsize=(8,6))\n", | |
| " sns.histplot(blocks_nf25['n_nonforest'], bins=15, color='brown')\n", | |
| " plt.xlabel(\"Number of non-forest pixels\")\n", | |
| " plt.ylabel(\"Number of blocks\")\n", | |
| " plt.title(\"Distribution of non-forest pixels in blocks with ≥25 non-forest\")\n", | |
| " plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "56c59ac2-5ade-4f29-995c-efb052ab2575", | |
| "metadata": { | |
| "id": "56c59ac2-5ade-4f29-995c-efb052ab2575" | |
| }, | |
| "source": [ | |
| "We have now 46 blocks to work with, and select the samples from these 46 blocks.\n", | |
| "\n", | |
| "Update on the method, for each block we sample up to 150 points random" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "3f17820f-b9fb-498a-8800-63be9d53fe47", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 10, | |
| "status": "ok", | |
| "timestamp": 1759947951571, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "3f17820f-b9fb-498a-8800-63be9d53fe47", | |
| "outputId": "483126d8-f7b8-4bf9-cdf7-5542b3509baf" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " #\n", | |
| " blocks_nf25.head()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "7f1ce23e-ba12-4413-8479-2b15de531d4b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9, | |
| "status": "ok", | |
| "timestamp": 1759947951584, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "7f1ce23e-ba12-4413-8479-2b15de531d4b", | |
| "outputId": "06526d84-b4b6-4041-80ac-5248520779b1" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # Select only the blocks with ≥25 non-forest pixels\n", | |
| " blocks_to_sample = blocks_nf25.copy() #.head() # or all if you want all 46\n", | |
| "\n", | |
| " # Merge with grid geometries\n", | |
| " blocks_gdf = blocks_to_sample.merge(\n", | |
| " buffered_grid_wgs84[['block_id', 'geometry']],\n", | |
| " on='block_id',\n", | |
| " how='left'\n", | |
| " )\n", | |
| "\n", | |
| " # Ensure it's a GeoDataFrame\n", | |
| " blocks_gdf = gpd.GeoDataFrame(blocks_gdf, geometry='geometry', crs=buffered_grid_wgs84.crs)\n", | |
| "\n", | |
| " blocks_gdf.head()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "4f567ea2-5475-481b-aad7-917d034e0cca", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9, | |
| "status": "ok", | |
| "timestamp": 1759947951596, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "4f567ea2-5475-481b-aad7-917d034e0cca", | |
| "outputId": "d6bc777a-7e2b-4315-f7de-9cab1353d7e0" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "#boo_run = False\n", | |
| "blocks_file=\"selected_block.geojson\"\n", | |
| "if boo_run:\n", | |
| " # Save all samples as GeoJSON\n", | |
| " blocks_gdf.to_file(blocks_file, driver=\"GeoJSON\")\n", | |
| "\n", | |
| " print(\"Saved blocks_gdf as 'selected_block.geojson' in the project root.\")\n", | |
| "else:\n", | |
| " blocks_gdf = gpd.read_file(blocks_file)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "ab963607-4fd2-4ef8-bed2-3da93109f485", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 49, | |
| "status": "ok", | |
| "timestamp": 1759947951647, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "ab963607-4fd2-4ef8-bed2-3da93109f485", | |
| "outputId": "55b93000-1027-4edf-aa1f-cdbf32c0a38d" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # def sample_jrc_on_grid(JRC_forest, block_geom, block_id, spacing=100, sample_scale=10):\n", | |
| " # def balance_samples(samples_gdf, n_per_class=250, block_id=None, fill=True):\n", | |
| "\n", | |
| " # Select first block\n", | |
| " block_geom_wgs = blocks_gdf.geometry.iloc[0]\n", | |
| " gee_block_geom = ee.Geometry.Polygon(list(block_geom_wgs.exterior.coords))\n", | |
| "\n", | |
| " block_id = blocks_gdf.block_id.iloc[0]\n", | |
| "\n", | |
| " # Sample JRC points on the block\n", | |
| " sample_fc, jrc_block = sample_jrc_on_grid(image2020, gee_block_geom, block_id, spacing=100, sample_scale=10)\n", | |
| "\n", | |
| " # Convert to GeoDataFrame\n", | |
| " sample_gdf = geemap.ee_to_gdf(sample_fc)\n", | |
| "\n", | |
| " # Balance samples: 150 points per class, no filling\n", | |
| " field_name = \"Forest\"\n", | |
| " balanced_gdf = balance_samples(sample_gdf, field_name, n_per_class=150, block_id=block_id, fill=False)\n", | |
| "\n", | |
| " # Inspect\n", | |
| " print(balanced_gdf.head())\n", | |
| " print(balanced_gdf[field_name].value_counts())\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "8b4e5bf7-b5c8-41bf-bb90-07326ddcad03", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 7, | |
| "status": "ok", | |
| "timestamp": 1759947951656, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "8b4e5bf7-b5c8-41bf-bb90-07326ddcad03", | |
| "outputId": "aa6188ad-f007-4c2b-8ea3-7e94b5c50716" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # # Create a folium map\n", | |
| " # center = gee_block_geom.centroid().coordinates().getInfo()[::-1] # lat/lon\n", | |
| " # m = geemap.Map(location=center, zoom_start=12)\n", | |
| "\n", | |
| " # # Visualization parameters\n", | |
| " # vis_params = {\n", | |
| " # 'min': 0,\n", | |
| " # 'max': 1,\n", | |
| " # 'palette': ['lightgray', 'green'] # 0 = non-forest, 1 = forest\n", | |
| " # }\n", | |
| "\n", | |
| " # # Add layer\n", | |
| " # m.add_ee_layer(jrc_block, vis_params, 'JRC Forest Block')\n", | |
| "\n", | |
| " # # Display map in notebook\n", | |
| " # m\n", | |
| " print(\"map\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "cbe4c485-32ae-45b7-9670-602ace12b2e8", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 3, | |
| "status": "ok", | |
| "timestamp": 1759947951662, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "cbe4c485-32ae-45b7-9670-602ace12b2e8" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "4acf3f81-546b-4685-ab72-ef0190ccab35", | |
| "metadata": { | |
| "id": "4acf3f81-546b-4685-ab72-ef0190ccab35" | |
| }, | |
| "source": [ | |
| "Running the loop" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "57380ae2-8395-4f57-aed5-41649e4c700a", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 7, | |
| "status": "ok", | |
| "timestamp": 1759947951674, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "57380ae2-8395-4f57-aed5-41649e4c700a", | |
| "outputId": "4df28de1-dcb9-4b5c-d328-39704f323c9e" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # Assume:\n", | |
| " # - JRC_forest is the ee.Image (10 m resolution, 0/1 forest)\n", | |
| " # - blocks_nf25 is a GeoDataFrame with the 46 “good” blocks\n", | |
| " # - sample_jrc_on_grid() and balance_samples() are defined\n", | |
| " # - n_forest_points = 150, n_nonforest_points = 50\n", | |
| "\n", | |
| " all_samples_list = []\n", | |
| "\n", | |
| " # Loop with progress bar\n", | |
| " for idx in tqdm(range(len(blocks_gdf)), desc=\"Sampling blocks\"):\n", | |
| " block_row = blocks_gdf.iloc[idx]\n", | |
| " block_geom = block_row.geometry\n", | |
| " block_id = block_row.block_id\n", | |
| "\n", | |
| " # Convert geometry to EE\n", | |
| " gee_block_geom = ee.Geometry.Polygon(list(block_geom.exterior.coords))\n", | |
| "\n", | |
| " # Sample points in the block\n", | |
| " sample_fc, jrc_block = sample_jrc_on_grid(\n", | |
| " JRC_forest=image2020,\n", | |
| " block_geom=gee_block_geom,\n", | |
| " block_id=block_id,\n", | |
| " spacing=100, # grid spacing for sampling (m)\n", | |
| " sample_scale=10 # GEE sampling scale (m)\n", | |
| " )\n", | |
| "\n", | |
| " # Convert to GeoDataFrame\n", | |
| " sample_gdf = geemap.ee_to_gdf(sample_fc)\n", | |
| "\n", | |
| " # Balance samples: forest=150, non-forest=50, no fill\n", | |
| " field_name = \"Forest\"\n", | |
| " balanced_gdf = balance_samples(\n", | |
| " samples_gdf=sample_gdf,\n", | |
| " field_name=field_name,\n", | |
| " n_per_class=150,\n", | |
| " block_id=block_id,\n", | |
| " fill=False\n", | |
| " )\n", | |
| "\n", | |
| " all_samples_list.append(balanced_gdf)\n", | |
| "\n", | |
| " # Concatenate all samples into one GeoDataFrame\n", | |
| " all_samples_gdf = pd.concat(all_samples_list, ignore_index=True)\n", | |
| "\n", | |
| " print(f\"Total number of sampled points: {len(all_samples_gdf)}\")\n", | |
| " all_samples_gdf.head()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "39fc60f0-0a20-4649-8cc4-8386eb2f7166", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 16, | |
| "status": "ok", | |
| "timestamp": 1759947951693, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "39fc60f0-0a20-4649-8cc4-8386eb2f7166", | |
| "outputId": "d0ea75c9-30cf-43f3-aa1f-a63e03d89b3c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # Save all samples as GeoJSON\n", | |
| " all_samples_gdf.to_file(\"all_block_samples.geojson\", driver=\"GeoJSON\")\n", | |
| "\n", | |
| " print(\"Saved all_samples_gdf as 'all_samples.geojson' in the project root.\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "e509e0b3-08e4-4a7f-a1c9-68efd90da110", | |
| "metadata": { | |
| "id": "e509e0b3-08e4-4a7f-a1c9-68efd90da110" | |
| }, | |
| "source": [ | |
| "### 8️⃣Test Plotting" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "9d841f49-0085-46d0-8eab-013f97807dc3", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 18, | |
| "status": "ok", | |
| "timestamp": 1759947951702, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "9d841f49-0085-46d0-8eab-013f97807dc3", | |
| "outputId": "e5451edf-3608-4349-ee5d-0ba4fd86daae" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "#all_samples_gdf.plot()\n", | |
| "#boo_run = True" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "82b821b9-c6c6-41e7-a9cc-387c78050370", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 11, | |
| "status": "ok", | |
| "timestamp": 1759947951706, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "82b821b9-c6c6-41e7-a9cc-387c78050370", | |
| "outputId": "8a2fffa5-1311-4613-bea6-8578969d0e6d" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # # --- 1. Get map center from the samples ---\n", | |
| " # center = [all_samples_gdf.geometry.y.mean(), all_samples_gdf.geometry.x.mean()]\n", | |
| "\n", | |
| " # # --- 2. Create Folium map ---\n", | |
| " # m2 = folium.Map(location=center, zoom_start=12, tiles=\"CartoDB Positron\")\n", | |
| "\n", | |
| " # # --- 3. Function to style points ---\n", | |
| " # def style_function(feature):\n", | |
| " # color = 'green' if feature['properties']['Forest'] == 1 else 'blue'\n", | |
| " # return {\n", | |
| " # 'radius': 3,\n", | |
| " # 'color': color,\n", | |
| " # 'fillColor': color,\n", | |
| " # 'fillOpacity': 0.7,\n", | |
| " # }\n", | |
| "\n", | |
| " # # --- 4. Add points as CircleMarkers ---\n", | |
| " # for idx, row in all_samples_gdf.iterrows():\n", | |
| " # folium.CircleMarker(\n", | |
| " # location=[row.geometry.y, row.geometry.x],\n", | |
| " # radius=3,\n", | |
| " # color='green' if row['Forest']==1 else 'blue',\n", | |
| " # fill=True,\n", | |
| " # fill_color='green' if row['Forest']==1 else 'blue',\n", | |
| " # fill_opacity=0.7,\n", | |
| " # ).add_to(m2)\n", | |
| "\n", | |
| " # # --- 5. Show map ---\n", | |
| " # # Show the current project extent\n", | |
| " # fig2 = branca_figure(width=600, height=400)\n", | |
| "\n", | |
| " # fig2.add_child(m2)\n", | |
| " # fig2\n", | |
| " print(\"Map\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "bab4883c-f924-4d5c-bc9b-e931eb99442c", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 8, | |
| "status": "ok", | |
| "timestamp": 1759947951715, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "bab4883c-f924-4d5c-bc9b-e931eb99442c", | |
| "outputId": "57298d67-6391-44ee-d422-a1e428a5a264" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " ##cmap = plt.colormaps['Greens'].resampled(2)\n", | |
| " cmap = ListedColormap(['lightgray', 'green']) # 0=non-forest, 1=forest\n", | |
| "\n", | |
| " # Convert geometry to EE\n", | |
| " gee_block_geom = ee.Geometry.Polygon(list(block_geom.exterior.coords))\n", | |
| "\n", | |
| " # Ensure jrc_block has a valid projection\n", | |
| " proj = image2020.projection().atScale(10)\n", | |
| "\n", | |
| " # Clip and unmask directly\n", | |
| " jrc_block_fixed = image2020.clip(gee_block_geom).unmask(0).rename('Forest')\n", | |
| "\n", | |
| " jrc_block_fixed = jrc_block_fixed.set({'system:time_start': ee.Date('2020-12-31T23:59:00').millis()})\n", | |
| "\n", | |
| " # Open in xarray\n", | |
| " ds_block = xr.open_dataset(\n", | |
| " jrc_block_fixed,\n", | |
| " engine='ee',\n", | |
| " geometry=gee_block_geom,\n", | |
| " scale=10,\n", | |
| " projection=proj\n", | |
| " )\n", | |
| "\n", | |
| " # Select the Forest band\n", | |
| " da = ds_block['Forest']\n", | |
| "\n", | |
| " # Convert to numpy array and remove the extra dimension\n", | |
| " arr = da.values.squeeze() # removes singleton dimensions, shape becomes (height, width)\n", | |
| "\n", | |
| " # Flip vertically (north up) and horizontally (west left) as needed\n", | |
| " arr = (np.fliplr(arr)) # flips both axes\n", | |
| "\n", | |
| " # Optional: transpose if you want x,y axes to match array columns/rows\n", | |
| " arr = arr.T # only if needed\n", | |
| "\n", | |
| " # Check shape\n", | |
| " print(arr.shape)\n", | |
| "\n", | |
| " # # Plot\n", | |
| " # plt.figure(figsize=(6,6))\n", | |
| " # # cmap = plt.cm.get_cmap('Greens', 2) # 2 discrete colors: 0=non-forest, 1=forest\n", | |
| " # # cmap = ListedColormap(['lightgray', 'green']) # 0=non-forest, 1=forest\n", | |
| " # plt.imshow(arr, cmap=cmap, origin='upper')\n", | |
| " # plt.colorbar(ticks=[0,1], label='Forest class (0=non-forest, 1=forest)')\n", | |
| " # plt.title('JRC Forest / Non-Forest')\n", | |
| " # plt.axis('off')\n", | |
| " # plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "245ec991-bc35-4275-a3a5-6a4d3768f459", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 13, | |
| "status": "ok", | |
| "timestamp": 1759947951731, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "245ec991-bc35-4275-a3a5-6a4d3768f459", | |
| "outputId": "637319ec-68c2-411e-8195-55671acb4b48" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # Assume arr is already 2D, correctly oriented (rows=y, cols=x)\n", | |
| " height, width = arr.shape\n", | |
| "\n", | |
| " # Get coordinates\n", | |
| " xres = ds_block['lon'][1] - ds_block['lon'][0]\n", | |
| " yres = ds_block['lat'][1] - ds_block['lat'][0]\n", | |
| "\n", | |
| " transform = from_origin(\n", | |
| " ds_block['lon'].min().item(), # top-left x\n", | |
| " ds_block['lat'].max().item(), # top-left y\n", | |
| " xres.item(),\n", | |
| " yres.item()\n", | |
| " )\n", | |
| "\n", | |
| " # Use MemoryFile to avoid writing to disk\n", | |
| " from rasterio.io import MemoryFile\n", | |
| "\n", | |
| " with MemoryFile() as memfile:\n", | |
| " with memfile.open(\n", | |
| " driver='GTiff',\n", | |
| " height=height,\n", | |
| " width=width,\n", | |
| " count=1,\n", | |
| " dtype=arr.dtype,\n", | |
| " crs='EPSG:3857',\n", | |
| " transform=transform\n", | |
| " ) as dataset:\n", | |
| " dataset.write(arr, 1) # write first band\n", | |
| "\n", | |
| " # Now vectorize\n", | |
| " mask=None\n", | |
| " #mask = arr != 0 # only forest pixels\n", | |
| "\n", | |
| " polygons = []\n", | |
| " values = []\n", | |
| "\n", | |
| " # Replace NaN or invalid values with 0 (or another suitable class)\n", | |
| " arr_clean = np.nan_to_num(arr, nan=0).astype('uint8')\n", | |
| "\n", | |
| " for geom, value in shapes(arr_clean, mask=None, transform=transform):\n", | |
| " polygons.append(shape(geom))\n", | |
| " values.append(value)\n", | |
| "\n", | |
| " gdf = gpd.GeoDataFrame({'forest': values}, geometry=polygons, crs='EPSG:3857')" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "ef06823b-f3e0-42de-a36e-7aea8ce2bba9", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 12, | |
| "status": "ok", | |
| "timestamp": 1759947951738, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "ef06823b-f3e0-42de-a36e-7aea8ce2bba9", | |
| "outputId": "df77a115-7e99-4b1d-8098-a8334552069c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " #print(gdf.head(5))\n", | |
| " #gdf.plot()\n", | |
| "\n", | |
| " forest_gdf = gdf.copy()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "a2626a1a-1222-4b9c-8af9-e51eb16632c3", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 51, | |
| "status": "ok", | |
| "timestamp": 1759947951790, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "a2626a1a-1222-4b9c-8af9-e51eb16632c3", | |
| "outputId": "2cdf12aa-995e-4fdc-cf28-b326e14c7864" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_run:\n", | |
| " # --- 1. Filter data for the selected block ---\n", | |
| " block_id = '020-020'\n", | |
| " #block_id = '003-009'\n", | |
| "\n", | |
| " block_poly = blocks_gdf[blocks_gdf['block_id'] == block_id]\n", | |
| "\n", | |
| " # Filter polygons by forest value\n", | |
| " forest_subset = forest_gdf[\n", | |
| " (forest_gdf['forest'] == 1) &\n", | |
| " (forest_gdf.intersects(block_poly.geometry.union_all()))\n", | |
| " ]\n", | |
| "\n", | |
| " non_forest_subset = forest_gdf[\n", | |
| " (forest_gdf['forest'] == 0) &\n", | |
| " (forest_gdf.intersects(block_poly.geometry.union_all()))\n", | |
| " ]\n", | |
| "\n", | |
| " samples_subset = all_samples_gdf[all_samples_gdf['block_id'] == block_id]\n", | |
| "\n", | |
| " # --- 2. Create figure and axes ---\n", | |
| " fig, ax = plt.subplots(figsize=(8, 8))\n", | |
| "\n", | |
| " # --- 3. Plot polygons ---\n", | |
| " block_poly.boundary.plot(ax=ax, color='black', linewidth=2)\n", | |
| " forest_subset.plot(ax=ax, color='green', alpha=0.25, edgecolor='none')\n", | |
| " non_forest_subset.plot(ax=ax, color='blue', alpha=0.25, edgecolor='none')\n", | |
| "\n", | |
| " # --- 4. Overlay points ---\n", | |
| " samples_subset[samples_subset['Forest'] == 1].plot(ax=ax, color='green', markersize=15)\n", | |
| " samples_subset[samples_subset['Forest'] == 0].plot(ax=ax, color='blue', markersize=15)\n", | |
| "\n", | |
| " # --- 5. Style plot ---\n", | |
| " ax.set_title(f\"Block {block_id}: Forest vs Non-Forest Samples\", fontsize=14)\n", | |
| " ax.set_xlabel(\"Longitude\")\n", | |
| " ax.set_ylabel(\"Latitude\")\n", | |
| " ax.set_aspect('equal')\n", | |
| "\n", | |
| " # --- 6. Custom legend ---\n", | |
| " forest_patch = mpatches.Patch(color='green', alpha=0.5, label='Forest polygons')\n", | |
| " forest_marker = mlines.Line2D([], [], color='green', marker='o', linestyle='None', markersize=8, label='Forest samples')\n", | |
| " nonforest_marker = mlines.Line2D([], [], color='blue', marker='o', linestyle='None', markersize=8, label='Non-forest samples')\n", | |
| " block_line = mlines.Line2D([], [], color='black', linewidth=2, label='Block boundary')\n", | |
| "\n", | |
| " ax.legend(handles=[block_line, forest_patch, forest_marker, nonforest_marker],\n", | |
| " loc='upper right')\n", | |
| "\n", | |
| " plt.tight_layout()\n", | |
| " plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "69cb397f-694f-4ca9-bbc4-088b674fdb68", | |
| "metadata": { | |
| "id": "69cb397f-694f-4ca9-bbc4-088b674fdb68" | |
| }, | |
| "source": [ | |
| "### 9️⃣Loading the results" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "62a4e5af-e12b-4a9e-a532-61e6f4c31f0b", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 11, | |
| "status": "ok", | |
| "timestamp": 1759947951803, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "62a4e5af-e12b-4a9e-a532-61e6f4c31f0b" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "5f9f0140-ab1b-4ca9-a38e-bc742a8973e4", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 333, | |
| "status": "ok", | |
| "timestamp": 1759947952128, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "5f9f0140-ab1b-4ca9-a38e-bc742a8973e4", | |
| "outputId": "35dcb2b7-11ad-4894-878b-b2b6fe35c2e1" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Load all_samples_gdf\n", | |
| "boo_run = False\n", | |
| "if boo_run:\n", | |
| " print(\"Sampling already run in this session. Dataframe is available as all_samples_gdf.\")\n", | |
| "else:\n", | |
| " if os.path.exists(output_file):\n", | |
| " print(f\"Loading existing samples from '{output_file}'...\")\n", | |
| " all_samples_gdf = gpd.read_file(output_file)\n", | |
| " blocks_gdf = gpd.read_file(blocks_file)\n", | |
| "\n", | |
| " boo_run = True # now dataframe is available\n", | |
| " else:\n", | |
| " raise FileNotFoundError(f\"No sampling results found at '{output_file}'. Please run the sampling block first.\")\n", | |
| "\n", | |
| "# Count samples per class\n", | |
| "class_counts = all_samples_gdf['Forest'].value_counts().rename({0: 'Non-Forest', 1: 'Forest'})\n", | |
| "\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "c0bf80a5-4b65-4906-86f1-68fe515bd7ac", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 608 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 533, | |
| "status": "ok", | |
| "timestamp": 1759947952663, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "c0bf80a5-4b65-4906-86f1-68fe515bd7ac", | |
| "outputId": "b5ca82a2-9d60-4fa7-d477-395773847acc" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Count samples per block and class\n", | |
| "block_class_counts = (\n", | |
| " all_samples_gdf.groupby(['block_id', 'Forest'])\n", | |
| " .size()\n", | |
| " .unstack(fill_value=0)\n", | |
| " .rename(columns={0: 'Non-Forest', 1: 'Forest'})\n", | |
| ")\n", | |
| "\n", | |
| "# Identify blocks meeting the full 150 samples per class\n", | |
| "full_blocks = block_class_counts[\n", | |
| " (block_class_counts['Forest'] >= 150) &\n", | |
| " (block_class_counts['Non-Forest'] >= 150)\n", | |
| "]\n", | |
| "\n", | |
| "n_full_blocks = len(full_blocks)\n", | |
| "n_total_blocks = len(block_class_counts)\n", | |
| "\n", | |
| "print(f\"{n_full_blocks} out of {n_total_blocks} blocks meet the full 150 samples per class.\")\n", | |
| "\n", | |
| "# Filter blocks that are partially filled\n", | |
| "partial_blocks = block_class_counts[\n", | |
| " (block_class_counts['Forest'] < 150) |\n", | |
| " (block_class_counts['Non-Forest'] < 150)\n", | |
| "]\n", | |
| "\n", | |
| "# Plot partially filled blocks\n", | |
| "if not partial_blocks.empty:\n", | |
| " ax = partial_blocks.plot(\n", | |
| " kind='bar',\n", | |
| " figsize=(10, 6),\n", | |
| " color=['blue', 'green'],\n", | |
| " edgecolor='black',\n", | |
| " alpha=0.7\n", | |
| " )\n", | |
| " ax.set_title('Blocks Not Meeting 150 Samples per Class', fontsize=14)\n", | |
| " ax.set_xlabel('Block ID')\n", | |
| " ax.set_ylabel('Number of Samples')\n", | |
| " ax.legend(title='Class')\n", | |
| " ax.grid(axis='y', linestyle='--', alpha=0.6)\n", | |
| " plt.xticks(rotation=45, ha='right')\n", | |
| " plt.tight_layout()\n", | |
| " plt.show()\n", | |
| "else:\n", | |
| " print(\"All blocks have full 150 samples per class.\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "007a4006-0543-40ef-8614-b815a05f7adc", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 331 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 69, | |
| "status": "ok", | |
| "timestamp": 1759947952737, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "007a4006-0543-40ef-8614-b815a05f7adc", | |
| "outputId": "de66f690-a71b-4a80-aa35-6cf3d92a32d7" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "partial_blocks\n", | |
| "# Reuse partial_blocks from previous step\n", | |
| "balance_per_block = partial_blocks.copy()\n", | |
| "\n", | |
| "# Display the first few rows\n", | |
| "display(balance_per_block)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "3c6fd941-6c17-4187-b0a0-1babe188bc24", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 785 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 4570, | |
| "status": "ok", | |
| "timestamp": 1759947957310, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "3c6fd941-6c17-4187-b0a0-1babe188bc24", | |
| "outputId": "0cffc725-9707-42dd-e099-4d9bda0dccd0" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Create figure and axes\n", | |
| "fig, ax = plt.subplots(figsize=(8, 8))\n", | |
| "\n", | |
| "# Plot forest and non-forest points\n", | |
| "all_samples_gdf[all_samples_gdf['Forest'] == 1].plot(\n", | |
| " ax=ax, color='green', markersize=4, label='Forest'\n", | |
| ")\n", | |
| "all_samples_gdf[all_samples_gdf['Forest'] == 0].plot(\n", | |
| " ax=ax, color='blue', markersize=2, label='Non-Forest'\n", | |
| ")\n", | |
| "\n", | |
| "# Overlay red outlines for partially filled blocks\n", | |
| "partial_blocks_geometry = blocks_gdf[blocks_gdf['block_id'].isin(partial_blocks.index)]\n", | |
| "partial_blocks_geometry.boundary.plot(\n", | |
| " ax=ax, color='red', linewidth=2, label='Partially Filled Blocks'\n", | |
| ")\n", | |
| "\n", | |
| "# Add legend\n", | |
| "forest_patch = mpatches.Patch(color='green', label='Forest samples')\n", | |
| "nonforest_patch = mpatches.Patch(color='blue', label='Non-Forest samples')\n", | |
| "partial_patch = mpatches.Patch(color='red', label='Partially Filled Blocks', fill=False, linewidth=2)\n", | |
| "\n", | |
| "ax.legend(handles=[forest_patch, nonforest_patch, partial_patch])\n", | |
| "ax.set_title('Forest vs Non-Forest Samples with Partially Filled Blocks Highlighted')\n", | |
| "ax.set_aspect('equal')\n", | |
| "plt.tight_layout()\n", | |
| "plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "0707cb49-4a6b-4a31-8339-044e0e95d92f", | |
| "metadata": { | |
| "id": "0707cb49-4a6b-4a31-8339-044e0e95d92f" | |
| }, | |
| "source": [ | |
| "### 🧩 Summary of Post-Sampling Steps\n", | |
| "\n", | |
| "After generating the balanced per-block samples, the following steps were implemented to manage, verify, and visualize the results:\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "1️⃣ Save All Samples\n", | |
| "- Combined all per-block samples into a single GeoDataFrame `all_samples_gdf`.\n", | |
| "- Exported as **`all_block_samples.geojson`** to the project root.\n", | |
| "- Implemented an **overwrite flag** (`overwrite=True/False`) to prevent accidental reruns.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "2️⃣ Load or Reuse Results\n", | |
| "- At the start of the workflow, check if the output file already exists.\n", | |
| "- If found and `overwrite=False`, skip the sampling block.\n", | |
| "- Added logic to either **reuse `all_samples_gdf` from memory** or **load it from disk** as needed.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "3️⃣ Sampling Quality Check\n", | |
| "- Counted the number of forest vs. non-forest samples per block.\n", | |
| "- Identified **blocks not reaching the 150-sample target per class**.\n", | |
| "- Reported how many blocks met the full target and how many were partially filled.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "4️⃣ Visualization of Partial Blocks\n", | |
| "- Created a **bar chart** showing only the partially filled blocks and their class counts.\n", | |
| "- Added a **map plot** showing all sample points:\n", | |
| " - Forest samples → green points \n", | |
| " - Non-forest samples → blue points \n", | |
| " - Partially filled blocks → red polygon outlines \n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "5️⃣ Data Balance Overview\n", | |
| "- Displayed the per-block balance table (`balance_per_block`) for the partially filled blocks.\n", | |
| "- Provided quick sorting options to identify blocks with the fewest valid samples.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "✅ **Outcome:** \n", | |
| "You now have a complete sampling, validation, and visualization pipeline that: \n", | |
| "- Generates balanced forest/non-forest samples per block, \n", | |
| "- Stores and reloads results safely, \n", | |
| "- Highlights any sampling gaps, and \n", | |
| "- Visually confirms the spatial distribution of all sampled points." | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "dbcd8676-a5f9-46ed-88d2-d1d6f01aa0cc", | |
| "metadata": { | |
| "id": "dbcd8676-a5f9-46ed-88d2-d1d6f01aa0cc" | |
| }, | |
| "source": [ | |
| "## 🌍 Enriching Sample Points with Satellite-Derived Features" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "100667ce-afc1-4b74-8c8d-913f01ed0c1b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 289 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 1644, | |
| "status": "ok", | |
| "timestamp": 1759947958959, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "100667ce-afc1-4b74-8c8d-913f01ed0c1b", | |
| "outputId": "4d5d2ce5-621d-40e0-c5e5-9d5304e60575" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Define your expected output files\n", | |
| "files = {\n", | |
| " \"GE\": \"GE_samples_2020.csv\",\n", | |
| " \"S1\": \"S1_samples_2020.csv\",\n", | |
| " \"S2\": \"S2_samples_2020.csv\"\n", | |
| "}\n", | |
| "\n", | |
| "# Master flag to allow overwriting\n", | |
| "overwrite = False\n", | |
| "\n", | |
| "# Initialize run flags\n", | |
| "boo_RunGE = False\n", | |
| "boo_RunS1 = False\n", | |
| "boo_RunS2 = False\n", | |
| "\n", | |
| "def should_run(dataset_key):\n", | |
| " \"\"\"Check if a dataset should be (re)computed based on file presence.\"\"\"\n", | |
| " file_path = files[dataset_key]\n", | |
| " exists = os.path.exists(file_path)\n", | |
| "\n", | |
| " if exists and not overwrite:\n", | |
| " print(f\"✅ {file_path} already exists — skipping.\")\n", | |
| " return False\n", | |
| " elif exists and overwrite:\n", | |
| " print(f\"⚠️ {file_path} exists but overwrite=True — recomputing.\")\n", | |
| " return True\n", | |
| " else:\n", | |
| " print(f\"🆕 {file_path} missing — computing now.\")\n", | |
| " return True\n", | |
| "\n", | |
| "# Evaluate which parts to run\n", | |
| "boo_RunGE = should_run(\"GE\")\n", | |
| "boo_RunS1 = should_run(\"S1\")\n", | |
| "boo_RunS2 = should_run(\"S2\")\n", | |
| "\n", | |
| "print(\"\\nRun plan:\")\n", | |
| "print(f\" 🛰️ Google Embeddings: {boo_RunGE}\")\n", | |
| "print(f\" 📡 Sentinel-1: {boo_RunS1}\")\n", | |
| "print(f\" 🌈 Sentinel-2: {boo_RunS2}\")\n", | |
| "\n", | |
| "# ======================================================\n", | |
| "# 📍 Prepare Sample Points and Unique IDs\n", | |
| "# ======================================================\n", | |
| "\n", | |
| "# Load once — used by all datasets\n", | |
| "all_samples_gdf = gpd.read_file(\"all_block_samples.geojson\")\n", | |
| "\n", | |
| "samples_with_id_gdf = all_samples_gdf.copy()\n", | |
| "samples_with_id_gdf = samples_with_id_gdf.sort_values(by=[\"block_id\"]).reset_index(drop=True)\n", | |
| "samples_with_id_gdf[\"local_index\"] = samples_with_id_gdf.groupby(\"block_id\").cumcount() + 1\n", | |
| "samples_with_id_gdf[\"local_index_str\"] = samples_with_id_gdf[\"local_index\"].astype(str).str.zfill(4)\n", | |
| "samples_with_id_gdf[\"sample_id\"] = (\n", | |
| " samples_with_id_gdf[\"block_id\"].astype(str) + \"_\" + samples_with_id_gdf[\"local_index_str\"]\n", | |
| ")\n", | |
| "\n", | |
| "print(f\"✅ Loaded {len(samples_with_id_gdf)} samples with unique IDs.\")\n", | |
| "print(samples_with_id_gdf[[\"block_id\", \"sample_id\"]].head(5))\n", | |
| "\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "a2327fc7-59f8-432b-95c9-97fadf63982f", | |
| "metadata": { | |
| "id": "a2327fc7-59f8-432b-95c9-97fadf63982f" | |
| }, | |
| "source": [ | |
| "### 🌐 Google Embeddings\n", | |
| "\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "fdf01306-90e5-4c94-a8b2-e0aba3397f55", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 55 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 334, | |
| "status": "ok", | |
| "timestamp": 1759947959295, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "fdf01306-90e5-4c94-a8b2-e0aba3397f55", | |
| "outputId": "c3569720-b2a1-4912-c8cf-aed2ca86e019" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "#\n", | |
| "# -------------------------------------------------------\n", | |
| "# 0. Define the Year and Study Area\n", | |
| "# -------------------------------------------------------\n", | |
| "year = 2020\n", | |
| "start_date = ee.Date.fromYMD(year, 1, 1)\n", | |
| "end_date = start_date.advance(1, 'year')\n", | |
| "\n", | |
| "# Replace this with your own geometry (e.g., a FeatureCollection or ee.Geometry.Polygon)\n", | |
| "geometry = clip_extent_GEE # ee.Geometry.BBox(10.0, 45.0, 11.0, 46.0) # Example: Northern Italy 100×100 km box\n", | |
| "\n", | |
| "# -------------------------------------------------------\n", | |
| "# 1. Load Google Satellite Embeddings\n", | |
| "# -------------------------------------------------------\n", | |
| "# The embeddings are available as annual composites:\n", | |
| "# 'GOOGLE/SATELLITE_EMBEDDING/V1/ANNUAL'\n", | |
| "embeddings = ee.ImageCollection('GOOGLE/SATELLITE_EMBEDDING/V1/ANNUAL')\n", | |
| "\n", | |
| "# Filter by year and region\n", | |
| "embeddings_filtered = embeddings \\\n", | |
| " .filter(ee.Filter.date(start_date, end_date)) \\\n", | |
| " .filterBounds(geometry)\n", | |
| "\n", | |
| "# Mosaic into a single image (each pixel = embedding vector)\n", | |
| "embeddings_image = embeddings_filtered.mosaic()\n", | |
| "\n", | |
| "# Inspect the band names (should show e.g., \"embedding_0\", \"embedding_1\", …)\n", | |
| "print(\"Embedding bands:\", embeddings_image.bandNames().getInfo())" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "c676a515-667b-4755-91e2-cbfa821bd11c", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 63, | |
| "status": "ok", | |
| "timestamp": 1759947959386, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "c676a515-667b-4755-91e2-cbfa821bd11c", | |
| "outputId": "fe0ce701-cdc6-4bec-9fef-ac1fea9e1059" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunGE:\n", | |
| " ## # -------------------------------------------------------\n", | |
| " # # 2. Visual Sanity Check (optional, if running in Colab)\n", | |
| " # # -------------------------------------------------------\n", | |
| " # # If using geemap or folium, you can visualize:\n", | |
| " # import geemap\n", | |
| " # Map = geemap.Map()\n", | |
| " # Map.centerObject(geometry, 9)\n", | |
| " # Map.addLayer(embeddings_image.select(0), {'min': 0, 'max': 1}, 'Embedding Band 0')\n", | |
| " # Map\n", | |
| " print(\"map\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "24e9429a-0ccb-4b86-b4d4-cfbc6fbfc339", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 50, | |
| "status": "ok", | |
| "timestamp": 1759947959440, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "24e9429a-0ccb-4b86-b4d4-cfbc6fbfc339", | |
| "outputId": "09f3985b-c77a-409f-9bb1-b268a06f7fc9" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunGE:\n", | |
| " #\n", | |
| " # -------------------------------------------------------\n", | |
| " # 1. Load your GeoDataFrame\n", | |
| " # -------------------------------------------------------\n", | |
| " # Example: all_samples_gdf = gpd.read_file(\"all_samples.geojson\")\n", | |
| "\n", | |
| " # Required columns:\n", | |
| " # geometry (shapely Point)\n", | |
| " # block_id (int/str)\n", | |
| " # forest_label (0/1)\n", | |
| " #print(all_samples_gdf.head())\n", | |
| "\n", | |
| " # Assuming your dataframe is named `all_samples_gdf`\n", | |
| " samples_with_id_gdf = all_samples_gdf.copy()\n", | |
| "\n", | |
| " # Sort by block_id (optional, but keeps order consistent)\n", | |
| " samples_with_id_gdf = samples_with_id_gdf.sort_values(by=[\"block_id\"]).reset_index(drop=True)\n", | |
| "\n", | |
| " # Group by block_id and create local index within each block\n", | |
| " samples_with_id_gdf[\"local_index\"] = samples_with_id_gdf.groupby(\"block_id\").cumcount() + 1\n", | |
| "\n", | |
| " # Create a zero-padded string (e.g., 0001, 0002, …)\n", | |
| " samples_with_id_gdf[\"local_index_str\"] = samples_with_id_gdf[\"local_index\"].astype(str).str.zfill(4)\n", | |
| "\n", | |
| " # Concatenate block_id and local index → unique sample_id\n", | |
| " samples_with_id_gdf[\"sample_id\"] = samples_with_id_gdf[\"block_id\"].astype(str) + \"_\" + samples_with_id_gdf[\"local_index_str\"]\n", | |
| "\n", | |
| " # Check result\n", | |
| " print(samples_with_id_gdf[[\"block_id\", \"local_index\", \"sample_id\"]].head(10))\n", | |
| "\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "dbd31725-efc3-4379-b1f2-6738cbeda15d", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 49, | |
| "status": "ok", | |
| "timestamp": 1759948128683, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "dbd31725-efc3-4379-b1f2-6738cbeda15d", | |
| "outputId": "27b0a957-b5ea-40de-a595-2ad7c29727be" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunGE or boo_RunS1 or boo_RunS2:\n", | |
| " #\n", | |
| " block_ids = all_samples_gdf[\"block_id\"].unique()\n", | |
| " results = [] # store all batch DataFrames here\n", | |
| " batch_size = 50\n", | |
| " print(f\"Number of blocks: {len(block_ids)}\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "b4550a47-b3aa-464e-b9a7-acce524c2fa3", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 53, | |
| "status": "ok", | |
| "timestamp": 1759947959549, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "b4550a47-b3aa-464e-b9a7-acce524c2fa3", | |
| "outputId": "1fa3bfa7-5c48-45de-d378-e50228e3b011" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunGE:\n", | |
| " #\n", | |
| " # Outer bar for blocks\n", | |
| " import time\n", | |
| " import random\n", | |
| " for block_id in tqdm(block_ids, desc=\"Blocks\", position=0):\n", | |
| " df_block = samples_with_id_gdf[all_samples_gdf[\"block_id\"] == block_id]\n", | |
| " n_block = len(df_block)\n", | |
| "\n", | |
| " # Inner bar for batches within the block\n", | |
| " for start in tqdm(range(0, n_block, batch_size),\n", | |
| " desc=f\"Block {block_id} batches\",\n", | |
| " position=1, # same \"line\" in terminal\n", | |
| " leave=False): # clears inner bar after done\n", | |
| " df_batch = df_block.iloc[start:start+batch_size]\n", | |
| " # ... do your sampling here ...\n", | |
| "\n", | |
| "\n", | |
| " # Construct EE FeatureCollection for the batch\n", | |
| " fc_batch = ee.FeatureCollection([\n", | |
| " ee.Feature(\n", | |
| " ee.Geometry.Point([row['x'], row['y']]),\n", | |
| " {'sample_id': row['sample_id'],\n", | |
| " }\n", | |
| " )\n", | |
| " for _, row in df_batch.iterrows()\n", | |
| " ])\n", | |
| "\n", | |
| " # Sample the batch\n", | |
| " sampled_batch = embeddings_image.sampleRegions(\n", | |
| " collection=fc_batch,\n", | |
| " properties=['sample_id'],\n", | |
| " scale=10,\n", | |
| " geometries=True\n", | |
| " )\n", | |
| "\n", | |
| " # Bring the sampled data back to Pandas\n", | |
| " data = sampled_batch.getInfo()['features']\n", | |
| " df_sampled = pd.DataFrame([\n", | |
| " {**f['properties'],\n", | |
| " 'lon': f['geometry']['coordinates'][0],\n", | |
| " 'lat': f['geometry']['coordinates'][1]}\n", | |
| " for f in data\n", | |
| " ])\n", | |
| "\n", | |
| " results.append(df_sampled)\n", | |
| "\n", | |
| " # Sleep a small random time between 0.05s and 0.5s\n", | |
| " time.sleep(random.uniform(0.05, 0.5))\n", | |
| " ###\n", | |
| " ###\n", | |
| "\n", | |
| " df_all_samples = pd.concat(results, ignore_index=True)\n", | |
| " print(\"✅ Finished sampling all blocks\")\n", | |
| " print(len(df_all_samples))\n", | |
| " df_all_samples.head()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "6f864df6-3779-4e9c-8f3f-52b6f5b626f1", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 13, | |
| "status": "ok", | |
| "timestamp": 1759947959552, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "6f864df6-3779-4e9c-8f3f-52b6f5b626f1", | |
| "outputId": "45ec6d7f-5712-4495-d5a9-8f6c7fcf379c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunGE:\n", | |
| " #\n", | |
| " # Save as CSV or Parquet\n", | |
| " output_file_csv = \"GE_samples_2020.csv\"\n", | |
| " output_file_parquet = \"GE_samples_2020.parquet\"\n", | |
| "\n", | |
| " # CSV (human-readable, slightly larger)\n", | |
| " df_all_samples.to_csv(output_file_csv, index=False)\n", | |
| "\n", | |
| " # Parquet (smaller, preserves dtypes, faster to load)\n", | |
| " df_all_samples.to_parquet(output_file_parquet, index=False)\n", | |
| "\n", | |
| " print(f\"✅ Finished sampling all blocks. Output saved as '{output_file_csv}' and '{output_file_parquet}'\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "bcc9791d-cee8-476b-ac1f-5cdd08ae5b58", | |
| "metadata": { | |
| "id": "bcc9791d-cee8-476b-ac1f-5cdd08ae5b58" | |
| }, | |
| "source": [ | |
| "### 🛰️ Sentinel 1 - SAR (VV/VH)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "dd35db89-cae6-40a3-b97b-fffbb3491268", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 596 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 11029, | |
| "status": "ok", | |
| "timestamp": 1759947970582, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "dd35db89-cae6-40a3-b97b-fffbb3491268", | |
| "outputId": "85fce7bf-0c38-4279-f22e-fa055f25319f" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "import datetime\n", | |
| "\n", | |
| "if boo_RunS1:\n", | |
| " #\n", | |
| "\n", | |
| " step_days = 12 # equivalent to JS step\n", | |
| "\n", | |
| " # Date range\n", | |
| " start_date = '2020-03-01'\n", | |
| " end_date = '2020-10-30'\n", | |
| "\n", | |
| " # Load the Sentinel-1 GRD collection\n", | |
| " s1 = ee.ImageCollection('COPERNICUS/S1_GRD') \\\n", | |
| " .filterBounds(clip_extent_GEE) \\\n", | |
| " .filterDate(start_date, end_date) \\\n", | |
| " .filter(ee.Filter.eq('instrumentMode', 'IW')) \\\n", | |
| " .filter(ee.Filter.listContains('transmitterReceiverPolarisation', 'VV')) \\\n", | |
| " .filter(ee.Filter.listContains('transmitterReceiverPolarisation', 'VH'))\n", | |
| "\n", | |
| " # Inspect the collection size\n", | |
| " size = s1.size().getInfo()\n", | |
| " print(f\"Number of images in collection: {size}\")\n", | |
| "\n", | |
| " # Optionally, print first few images to check properties\n", | |
| " first_imgs = s1.limit(5).getInfo()\n", | |
| " for i, img in enumerate(first_imgs['features']):\n", | |
| " props = img['properties']\n", | |
| " print(f\"Image {i+1}: date={props['system:time_start']}, pol={props.get('transmitterReceiverPolarisation')}\")\n", | |
| "\n", | |
| " # First, add acquisition date as milliseconds\n", | |
| " def add_acq_ms(img):\n", | |
| " idx = ee.String(img.get('system:index'))\n", | |
| " date_str = idx.slice(17, 25) # YYYYMMDD\n", | |
| " acq_date = ee.Date.parse('YYYYMMdd', date_str)\n", | |
| " return img.set('acq_ms', acq_date.millis())\n", | |
| "\n", | |
| " s1_with_ms = s1.map(add_acq_ms)\n", | |
| "\n", | |
| " # Filter by numeric range (start and end in milliseconds)\n", | |
| " start = ee.Date('2020-03-01').millis()\n", | |
| " end = ee.Date('2020-03-30').millis()\n", | |
| " s1_window = s1_with_ms.filter(ee.Filter.rangeContains('acq_ms', start, end))\n", | |
| "\n", | |
| " print(\"Images in window:\", s1_window.size().getInfo())\n", | |
| "\n", | |
| " # resetting to s1 but now with milli seconds attached\n", | |
| " s1 = s1_with_ms\n", | |
| "\n", | |
| " def mask_edge(img):\n", | |
| " mask = img.select(0).unitScale(-25, 5).multiply(255).toByte().connectedComponents(ee.Kernel.rectangle(1,1), 100)\n", | |
| " return img # you can uncomment updateMask(mask.select(0)) if needed\n", | |
| "\n", | |
| " s1 = s1.map(mask_edge)\n", | |
| "\n", | |
| " # dB -> natural scale\n", | |
| " def to_natural(img):\n", | |
| " return ee.Image(10.0).pow(img.divide(10.0)).copyProperties(img, ['system:time_start'])\n", | |
| "\n", | |
| " s1 = s1.map(to_natural)\n", | |
| "\n", | |
| " # natural scale -> dB\n", | |
| " def to_db(img):\n", | |
| " return img.log10().multiply(10.0)\n", | |
| " #s1 = s1.map(to_db)\n", | |
| "\n", | |
| " def daterange(start, end, step_days):\n", | |
| " start_dt = datetime.datetime.strptime(start, \"%Y-%m-%d\")\n", | |
| " end_dt = datetime.datetime.strptime(end, \"%Y-%m-%d\")\n", | |
| " current = start_dt\n", | |
| " while current < end_dt:\n", | |
| " yield current, min(current + datetime.timedelta(days=step_days), end_dt)\n", | |
| " current += datetime.timedelta(days=step_days)\n", | |
| "\n", | |
| " # Convert start/end to datetime\n", | |
| " start_dt = datetime.datetime.strptime(start_date, \"%Y-%m-%d\")\n", | |
| " end_dt = datetime.datetime.strptime(end_date, \"%Y-%m-%d\")\n", | |
| "\n", | |
| " s1_images = []\n", | |
| "\n", | |
| " current = start_dt\n", | |
| " for (d_start, d_end) in daterange(start_date, end_date, step_days):\n", | |
| " start_ms = ee.Date(d_start.strftime(\"%Y-%m-%d\")).millis()\n", | |
| " end_ms = ee.Date(d_end.strftime(\"%Y-%m-%d\")).millis()\n", | |
| "\n", | |
| " # Filter images by acq_ms\n", | |
| " s1_window = s1_with_ms.filter(ee.Filter.rangeContains('acq_ms', start_ms, end_ms))\n", | |
| "\n", | |
| " num_images = s1_window.size().getInfo()\n", | |
| " print(f\"{d_start} - {d_end} -> images: {num_images}\")\n", | |
| "\n", | |
| " # Only include periods with exactly 6 images\n", | |
| " if num_images == 5:\n", | |
| " mean_img = (s1_window\n", | |
| " .mean()\n", | |
| " .select(['VV','VH'],\n", | |
| " [f'VV_{d_start.strftime(\"%Y%m%d\")}',\n", | |
| " f'VH_{d_start.strftime(\"%Y%m%d\")}']))\n", | |
| " s1_images.append(mean_img)\n", | |
| " else:\n", | |
| " print(f\"Skipping period {d_start} - {d_end}, expected 6 images, got {num_images}\")\n", | |
| "\n", | |
| " # Build the S1 stack\n", | |
| " if s1_images:\n", | |
| " s1_stack = ee.Image(s1_images[0])\n", | |
| " for img in s1_images[1:]:\n", | |
| " s1_stack = s1_stack.addBands(img)\n", | |
| "\n", | |
| " print(f\"Final S1 stack has {len(s1_stack.bandNames().getInfo())} bands\")\n", | |
| "\n", | |
| " # Smooth (reduce speckle)\n", | |
| " s1_stack = s1_stack.reduceNeighborhood(\n", | |
| " reducer=ee.Reducer.mean(),\n", | |
| " kernel=ee.Kernel.rectangle(3,3)\n", | |
| " ).clip(clip_extent_GEE)\n", | |
| "\n", | |
| " s1_stack = s1_stack.clip(clip_extent_GEE)\n", | |
| "\n", | |
| " # Remove first and last images in the S1 stack\n", | |
| " full_s1_bands = s1_stack.bandNames().getInfo()[0:] # drop first and last by using[1:-1]\n", | |
| " s1_stack_clean = s1_stack.select(full_s1_bands)\n", | |
| " print(\"Number of S1 bands after removing incomplete periods:\", len(full_s1_bands))\n", | |
| "\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "fe03beb7-a48b-4de4-a6a8-0c6f7b6180c6", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 4743, | |
| "status": "ok", | |
| "timestamp": 1759947975329, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "fe03beb7-a48b-4de4-a6a8-0c6f7b6180c6", | |
| "outputId": "906f6cab-f0a4-4f2b-aafb-db3334719a1e" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS1:\n", | |
| " #\n", | |
| " # Separate VV and VH bands\n", | |
| " vv_bands = [b for b in s1_stack.bandNames().getInfo() if b.startswith('VV')]\n", | |
| " vh_bands = [b for b in s1_stack.bandNames().getInfo() if b.startswith('VH')]\n", | |
| "\n", | |
| " vv_stack = s1_stack.select(vv_bands)\n", | |
| " vh_stack = s1_stack.select(vh_bands)\n", | |
| "\n", | |
| " # Compute temporal statistics\n", | |
| " vv_mean = vv_stack.reduce(ee.Reducer.mean()).rename('VV_mean')\n", | |
| " vv_std = vv_stack.reduce(ee.Reducer.stdDev()).rename('VV_std')\n", | |
| " vv_min = vv_stack.reduce(ee.Reducer.min()).rename('VV_min')\n", | |
| " vv_max = vv_stack.reduce(ee.Reducer.max()).rename('VV_max')\n", | |
| "\n", | |
| " vh_mean = vh_stack.reduce(ee.Reducer.mean()).rename('VH_mean')\n", | |
| " vh_std = vh_stack.reduce(ee.Reducer.stdDev()).rename('VH_std')\n", | |
| " vh_min = vh_stack.reduce(ee.Reducer.min()).rename('VH_min')\n", | |
| " vh_max = vh_stack.reduce(ee.Reducer.max()).rename('VH_max')" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "96c1e51b-c5dc-48d0-806c-161437b9ba45", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 2915, | |
| "status": "ok", | |
| "timestamp": 1759947978246, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "96c1e51b-c5dc-48d0-806c-161437b9ba45", | |
| "outputId": "5b2d52ad-f60f-4ff2-e17c-b20216ffecb4" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS1:\n", | |
| " #\n", | |
| " s1_features = vv_mean.addBands([vv_std, vv_min, vv_max,\n", | |
| " vh_mean, vh_std, vh_min, vh_max])\n", | |
| "\n", | |
| " print(\"S1 features bands:\", s1_features.bandNames().getInfo())" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "63e40019-3dfa-498d-912e-51727c793b1b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 1000, | |
| "referenced_widgets": [ | |
| "c6cc0b4ba82e46d7b7f0ad10bbf56b02", | |
| "d66a14593209412b983090482c8c542b", | |
| "dbab5a033b2e414e9e5e58e8a9465ac1", | |
| "003de7d4816140c2aa83d21a71d9d31f", | |
| "f737f407e7764a2ea861e7a06ce77da9", | |
| "9d45cc8543834f70ae0acd92780871ed", | |
| "ca4cb2ffb5174584a84fd0ba18f845c1", | |
| "9a6461dd4a2e4b8b8f197e183123ad74", | |
| "223d0c62dd6646cba60e126150f3d3e5", | |
| "f891d30d24c141ad9b03771b0114168f", | |
| "7c4d0d9248854ac1b980b42f7187cbef", | |
| "6743b4e9af7f4b5da38602bcc923e3e9", | |
| "2583ec407a794c1da4fe498d8bd2540b", | |
| "ae2b0200bd8d4a55abc00e9b79319eef", | |
| "80c1c17eb6c2403388931552ce6ac4b3", | |
| "d0572008f4ef4a5e85ed13f58db6f5ef", | |
| "22df03f32e2f4f0da3eb450d9e0d0f9f", | |
| "cff28b27a5e142789d6b4f78a7d800ba", | |
| "20a2af68ed1d405092586e26338d74bb", | |
| "74ed7c2ac579498a811919627124fb80", | |
| "c164b3e904cd4d0b9b0a5a1017e91b1a", | |
| "c04436cf7eb3428c83157c0a1cae1fb1", | |
| "e043bec22bef4463b94f213ce033c6f2", | |
| "7e72df71146c4f1c9bd83b543d8c73d0", | |
| "72f94c70ffd34cf29a5faeec0bff5354", | |
| "ac4e0560bb4742ea8a0d3fc90804c23e", | |
| "3524fdb4ca774a65bf95d295ccb5a8ec", | |
| "af1b451e6d8043918c5f7dd0d339c6a9", | |
| "a534aabfd46747c9a8aac13ad85f16c6", | |
| "9888e676ea164b2c8838c4ac15951dd4", | |
| "85220219142148be8b146ea86f94529f", | |
| "3fa1b5dcb4f340fe8980620ea4c8d8d7", | |
| "5c57984bc0d542938420d326157cabc5", | |
| "664d585817a14df1978e9e56562007c4", | |
| "10a25a37f3d84e07abde44dbc2164bd7", | |
| "e12e8fb4ac9d48e0a6a1f7faf3a7ccc1", | |
| "0ba23be2bd9845c488ae4618912b2148", | |
| "fbbf2b4b6822470286d93c0185726f2d", | |
| "fd0ce39cab5d40b293619f21358d7f7e", | |
| "d92d022089ae48ae9f929a1014989acf", | |
| "4486c50a2e764b6abbabd45878ea15de", | |
| "44499e00c1f645dea4877d2f80f166f9", | |
| "2dd929e5f8504a90b2a80d905437583c", | |
| "50a5ed36de554608b4de3b597c15550c", | |
| "24706d7c50344ef8aeba4faa70a0cd06", | |
| "c0ab6e6bfac04d6e8aa1bde9a2176375", | |
| "78958a198d9848f89283f2362f2f6b9b", | |
| "3b908bdccbc8462685793cf0d7c2bb22", | |
| "6d800878ba0b49ad8c7ffda555538028", | |
| "63234ec20e604abd8d31b67cdd7a7ab0", | |
| "24f2a820ca1046328d1e6d1c589dc8be", | |
| "b2ea02022ac04ffa9cdb7109415605d6", | |
| "587551e7592d4504b77ae0e4b7592f25", | |
| "5857d752737840da8b553d360ccca7a5", | |
| "697722577b4d45bfac7bc330887d0138", | |
| "67049c9390554b0f99cab0e1633d513b", | |
| "365b614e9a3a4a08ab1db25a430fa90b", | |
| "6bf3014c5f8e4f05ab4a186c350ea624", | |
| "7bcda5b308e042aeaaef43e7f8ab6745", | |
| "05e1db965d0a4b168556d2cb42c84cf5", | |
| "8fbe506a7e4043758c3d8b321c2a6894", | |
| "250365118ee34e4ea34d229f4ddf6d08", | |
| "fd2bc032401b467e959f11760175e2d7", | |
| "8a17b53ac8b14a928405288a5b6876b1", | |
| "772550fd59624a5b84a6c020e7410730", | |
| "c55166bd2745425abacfbc1581b846bc", | |
| "6ecb2fcc70314dacb8d1d457ed4fef9e", | |
| "0dd406b86e0a410ba95fc52c53c71028", | |
| "f7175bbd1d4d4dac8fd2645bc21f0d36", | |
| "1dcf616462f348ec82eed90b14482c35", | |
| "f2262f22f6d84d0aa17d1fc310a0868a", | |
| "bd24507f89624cb194efacc80fc986f9", | |
| "71e82e12fda94c59a979d1669c9edb3b", | |
| "68fd6f31eb27464990cd48b69ffc8eac", | |
| "cb6db9f86ad2412aad97d9110680ad20", | |
| "74c1f6b2413c49f5838e940d7bece604", | |
| "8a7cbc4937de4c53a3cc5d9c34e2d33e", | |
| "819de8da1e664fc9838b1dbc8f58ae80", | |
| "662ec47f78644fd998cc4a2dd18d0833", | |
| "a8ebebb690914b1e8bdbe37814f579c6", | |
| "127d6cbaa94742479139f11393312c33", | |
| "74d9087a08a7476d8f8a8ee4a494668d", | |
| "f244860ca4c54f53bfce2bc871404edb", | |
| "9a0e601a54af4c70be9fcf8d32a20c51", | |
| "bb7c0e1dea294092b68f4509971dc2e5", | |
| "24c0fb6262764ea6b2d69ce625af9762", | |
| "9430b8797eca42698bafd79c188b7673", | |
| "4293b39a02ab47cf93f9d683f294b205", | |
| "c4a2690319e046d1a9f2ac9b2e2aa208", | |
| "0b1a7a89b0d7400ebd36dff551c7d5ba", | |
| "db48096ac8994e46a701b675f0ffa727", | |
| "f69965822ec343f6a4585b4ec1778186", | |
| "7e3e4538f68d41abbddc9950dfbb19b7", | |
| "27c741b7b0f84e3ea60a930aee4ed688", | |
| "f7574d60b3b6491f921d5187f638d81f", | |
| "8ae42f23d6fd4c4ab8c3528b7eedb4b0", | |
| "8551d8d745e446478d68a9a490b33828", | |
| "c47af516a12f44ee827e7cf2b561aa50", | |
| "45ea727a87ed46e28ff191fe4c654c87", | |
| "11c323c8559a4553a6e54b5e00dcf53d", | |
| "0fb03d9124ea448a97fa9adb3177e8f9", | |
| "103739dc58cb4d96bfacab8259253701", | |
| "cc85457896c04e5985a7b6423f923224", | |
| "086ad66986894005b2c7da8163c08e1f", | |
| "b1190957db4242b0afa1ab0927c1709b", | |
| "5f2b411631e6446badac4691e61d8669", | |
| "0be16ca47e624dbc8c9a7ad2ce33a72e", | |
| "fc1e8ce90619409a8d1a82f6d55f6c85", | |
| "1510296118c94c57bd3ebe585fc8b0e7", | |
| "2dd632604ebd47c3904c7999e118069f", | |
| "e5be104c7b2b4d29ad79e005ebd7788d", | |
| "8ba6602182184597980c0d66ca46cab7", | |
| "b4417d7fafba48cc8ddce1df5923aa84", | |
| "66aaa4996d8249f6bc0af75fef1234b0", | |
| "6811dcb28e014d93afdccad96533382b", | |
| "628cc7a3a702459eb7cea872eb5179d5", | |
| "824ce6d8178c4149ab481bbdbe8e7353", | |
| "520315c4bf7e447d8f74840eefa8c991", | |
| "867bcfd8977a478695a71f86705ebe9f", | |
| "5284e068c6ca48b1a9cfafe6032f55fd", | |
| "fbc8088f677c4541b457a835d595b623", | |
| "14af05cc71a44a19b60c053461ed3ea2", | |
| "2e55ca7021054813bcb9be116fd7581b", | |
| "559ae8e49b454cb996deff69f52d7654", | |
| "acc76d56f03e47e0b2641c491e2e7f2e", | |
| "8c05b63c4f324bd282ce74db00c7a1db", | |
| "22f5efdf1b2b4a11970b6f0a39ac6f4c", | |
| "cbdb9cc124244659b87dfb07bef42e7d", | |
| "1119166695c74642856051658187074d", | |
| "bd1ab32b1bb74b7e8dfff9fea2c55d51", | |
| "41631399f46243dbb3c64bf2cbf152ab", | |
| "d6cc8127511947d186fd437f2fb356ab", | |
| "007818ae03424471afae34e6a8b93d4f", | |
| "2b07dafa6eb347008cd77370af1d5a43", | |
| "f5b898c505a14a76b42b6bd67dcc86ca", | |
| "b75170b18fcf4134b096770a138ee206", | |
| "5939f7c8154c4ad7946e26b36c9c3896", | |
| "2765637190e042d492bfef96fabc4af4", | |
| "c5737d6921914f2d9f1652a28350772d", | |
| "af4b6ef07e2745ea9e9a203172cc719d", | |
| "99984be97adf4d7b9b72f303d420696b", | |
| "03067344f45b4f89b1cbc2139ba9df8f", | |
| "59da4dc4fe6b465d8a7212e7bbd36d76", | |
| "11d549941706454e8e0793da7974eedb", | |
| "5679da58111e41e98858460178fc7d8e", | |
| "9140a46575ff47289d7d8589f40da17f", | |
| "b80ef28bffa8402fada9d8e4452260a6", | |
| "a0e12fb3167642e1bde901bd0459f71f", | |
| "cceca9b6a67e47a5b1495f3ea0fade73", | |
| "0dff5853803740b6bbad2030212e8a77", | |
| "d94954e64cbe4475b35287d38e6ce104", | |
| "810e8274b4844f4e898aca19e6e06c5b", | |
| "3ff2faeed23b4e7fa822131e0079acc3", | |
| "221cac9828bc40e4b498f3423f0cf67f", | |
| "962a9668742c4da3b9975c1229d07888", | |
| "9ce0ca94c76d4fda9e349b4c104898a7", | |
| "0d9c7edd2f164fd4a65bcf430a358556", | |
| "982235bde826475ab05e02a6eebf9fca", | |
| "91960bd009d445a38bead53cd8fbae90", | |
| "9aa2e53e1a02445d8be881843e2bc493", | |
| "4360499a029f47db9a29e60182a13ca9", | |
| "bf7e38349f2648bcbfb1bd759efe76f6", | |
| "0f0b5a0e803941089be49a4770d6435f", | |
| "4ab19986d8d74e9c9d2d7f5759eb9e9a", | |
| "ae49aec0c81641c7b5b6e254e7fcee61", | |
| "a4e0732744724d6397afac3975a99fb8", | |
| "ef34c1fe502c45f1890a0d251c5fe333", | |
| "d8b3b064cf7943fc81c6e22e5e4e6b49", | |
| "643a519e5fe64b16b57de52a0ae60dcf", | |
| "808a4e6adf3e4518ab258d4f860fd23a", | |
| "5b093eb6e2664e039aee1b9919611c07", | |
| "ca15f16629404aa6ad12db043bdec52b", | |
| "46d04cf60b634d49ac36df25c48d4c48", | |
| "f084022ef4bf40e8aa0fce83380c559c", | |
| "c923746905bf4ab7b651f23f7ab3e0f2", | |
| "fc6f305630a74172bf557a37240ba3de", | |
| "81441ce4baf24ecb87269e4e23f408f8", | |
| "b3065f79b7604d0b802c702de85664ce", | |
| "6ad3b6765cfb4820918377e1bc4fd570", | |
| "ad17351850c047a3a29537fd91bae086", | |
| "36a5afcd0fb748a58a8f51cd12c5d65b", | |
| "438b55d6988f401d8bc3b198f21374ee", | |
| "acdf427574114c2f872dbe5645f8be33", | |
| "4933ad57ae804ee2a03295ae1c7f9ce3", | |
| "e5d80c8943f2487ab1209b1bbb800e07", | |
| "91c9979aa6114fb7b138d9439bc691dd", | |
| "407c0e19447b4284bbf64881343c4e5c", | |
| "9e5fe59461194b309231652a58777f4d", | |
| "64ab412be15f4b718db2ea120ff268cb", | |
| "297dd56592634cafbb34d6e733aff929", | |
| "2044ae2659f84fe8912fdfcfcbd1292a", | |
| "121e1fcaea4b4209ba8fb7045c3fa5c8", | |
| "b46426af2cc24fb48c81a332056d21ce", | |
| "b0cbec142aff48aba2cb219dbdd61c1f", | |
| "1c6ea9d128ba451b915f8199953a2f0a", | |
| "84a65735fde84a00b10ba91720e8f4c9", | |
| "11daf8c7b39040ad8c846c099741b2cf", | |
| "f9836596f3a14dd48403baeeff66ed49", | |
| "f1384890c07d457894bdfdc3ce951c0e", | |
| "31b3270be10148babd0b6fcf8505da24", | |
| "b5174c9c9c2a4139a7181567bd6d05c3", | |
| "98fd809de40a40a4b150ad12893124f5", | |
| "088ffab625c8490aadb5c08d2e34dd73", | |
| "4946011a1796411f9601999475df262b", | |
| "f42249ea590544968e21ed25bc7a371a", | |
| "a2b3cde07ed24d5f9bdc36afda45ca6a", | |
| "219965c6ae6d492d948e69b4f1fcd997", | |
| "3f462f5b3d0b471b81ba6580159975ad", | |
| "a862fe8445ce4d1da8217f11b57531c4", | |
| "1c72a8f3084644f1875d415ee9725107", | |
| "e8a71672f5ed47ef9403f386f401fe9d", | |
| "a02d8e94ff1a4d79836539c79ecf41e4", | |
| "2d75577308824a5faf62c875f6daeeec", | |
| "c8fe75979b1144c4b7743c3748523733", | |
| "151ded90940a4e53810f9bdb6c4053b7", | |
| "875834a2b23c4dce930740845a81e9c0", | |
| "d18f549dd7334e6fad56a4d09fce7c2b", | |
| "c55d2bf22b8f450bb26baabe7a589521", | |
| "df2e65ab242d4de59da80b9b95240936", | |
| "6ac30ce3e5a444eda8e6e5adb7f768db", | |
| "c628259d8059413ca6a289761ae2010f", | |
| "17fe1558c6a64695bc064d86b8ccc115", | |
| "f354525aa9a94d83982c08b97f45eaee", | |
| "6a0b87a598124a75a78d64e78b8e87c7", | |
| "c4e92e6f4aa94905a4557ca2af70a825", | |
| "455589c4baa142a581c40e209acbf69e", | |
| "b521ef216d5045fea515d31222e75057", | |
| "5ebfed08c29e40409da2a257a66fd501", | |
| "ffd73130a85a40df90d09c67ec6ba34b", | |
| "17f8cdee180848f0a91591c45e076fa4", | |
| "d63058c1e25347c5a280f2c470b06d9f", | |
| "e5e9eac645f849ef9880cf318997303c", | |
| "d8eaf85c81a040818951d68cd101b775", | |
| "5d14aa2adbc54bb1bb1975a66489c285", | |
| "742fbd7b77ed45af93ac4e65a078e1a4", | |
| "94b675c97e3a4a17b4a9b9f4b37f2f61", | |
| "782442f96c2d49009ae65947494d4c4d", | |
| "4e6cbd9f51654caa9396b5b9a582aa78", | |
| "40ba3ee2ce1e4cec8bf3b8c1766a4add", | |
| "8f3402f009c5446aa85a9ffebc599dfc", | |
| "4d009c783ed64bf693b8e7f617d98132", | |
| "18b55564c6ee499193bcf9dbc5eb470d", | |
| "dcf4efa196954fbf8abb78bffc0425c5", | |
| "88e8f3fc4a834506bc782ba60cd3ac57", | |
| "90e71a42cef54081b5d9386df7d4b1cf", | |
| "3fb002b2a1724dfc9ce52c200376c707", | |
| "d484067984bb463eac11a7a04c0472dd", | |
| "9746210a090145b8b9083fe1f832760b", | |
| "a1f3af2a58dc4a1cb41a4ac286d2300b", | |
| "c8d91801a49344c58aaee1da40df1e2e", | |
| "d46f4507398441659b1bf8a723019f89", | |
| "1bf66c00576544bd855233e31e714ded", | |
| "86a605dda0b04cc0a7f9f11c725f0c83", | |
| "2e30e8c8d70947a0a7c34567920f1261", | |
| "cee23689183047009f008146c1cc78a6", | |
| "7e15d2a3569644f3a131a80b5e6df5ee", | |
| "f7e7c91c5c264334ad07727a57567bdf", | |
| "eb52f5bfc83b4124bb5a63f44da3a6ce", | |
| "35f07bc2c628427e9a0c186aeb20a389", | |
| "da1bbb2ea2d14f9e9bc91bd84634d50f", | |
| "c4b31fde198f4cdd8ee471000006d88e", | |
| "15da467a096c44fd884b7894681db760", | |
| "86dd59dc4d3245d591419025f31361cf", | |
| "eebe62269d9a411c83e4c6e54a47f58b", | |
| "729948e5634e4b23b300659394784ca7", | |
| "e5637c013f8a473f8f6cd704e3493ca4", | |
| "b593c27423be4f738fe4685007799cee", | |
| "fca439d8729549f38ffab52cd351a590", | |
| "586967e22ab24e0d8b8032adb5cb6ea4", | |
| "7cc79c4b17f74b8c800aa11c9190152f", | |
| "d85348484fb54bab98e4251862c29fd9", | |
| "3b63b0c225484a01a932585e94dea4dc", | |
| "a6b9232772584a12b8f1dc54297731ca", | |
| "5a7d7800870c4348b0adb27705b64354", | |
| "79436d4dc65747cb82fe1b01d85d6448", | |
| "fb5dee185eb74d739e72a9e066b874e9", | |
| "65b33d0ee1c14efe9defd6f7fac5c41e", | |
| "ad4fbe1c772c40949e6fadbdbe4991cd", | |
| "714721550f7a4d888b52c0dd8c56ee3e", | |
| "e989693ac1b34a8293bf001e758d7d56", | |
| "649575ae57124b18b671c87da1d6b09c", | |
| "686e850f5cc041b0b52b28e7203e52f0", | |
| "2df2924b81734aba8d7397c50c719cf2", | |
| "acf71c7596d74621ad10d231c4f8fc5f", | |
| "c5831cbdac604226af5460c7fc4ca39e", | |
| "96ea7d1b2fb3435a9cdcf6f7922302da", | |
| "db9dbd2df2d6441e8dbd6a3d58123591", | |
| "817f69ab9f354a50ba4d892182ad3b1c", | |
| "a6a1730cf9384b30a11c3c5220f6461c", | |
| "15c42edb2a084ee0a0e949cb4ef9246b", | |
| "3c76c064362b49ce87e7711dc8e6db1b", | |
| "43cff1a9952149aaac74ffa79e31208f", | |
| "dd3017d7e0d440d3ae242de3a4499f51", | |
| "a9ce648b0a2e4391b54d2806b82aff2c", | |
| "b890ae83083c483294a240b24626576a", | |
| "dfd1a0f560174861976c66ee1aeeaa22", | |
| "6bab4f392c054c59a508392054b50ab7", | |
| "202cbd3a45bc4faca267be83f941948c", | |
| "357ed475686a4fda9da8e65dc9545355", | |
| "806d61fcd8bf481f8b797cb13a7cf8fd", | |
| "04d6008812114d7183429d61a42256c9", | |
| "1e43072887834b27867a82ae52729b76", | |
| "4ce770e96bc64f9d917b0fade86ad091", | |
| "9f97af72fca74b4d88e7437117df671f", | |
| "99bce7b3316645aa9242ebfac80e9b66", | |
| "dbb3a4916adf4a9180f5570fd72e6216", | |
| "0fb0fd11bffc44e4b4738882779724f1", | |
| "5f2a47dd427a4f8fb26fb13fdf1cfe2f", | |
| "ad644913dc3a44a79de42d049ec81992", | |
| "f39c3f1c9beb49a8ab90e186bd1592c6", | |
| "9cfe1ac1982041a4ac7b86d6d541be91", | |
| "8c608a3dc2f0419bba6c3cf948f3fc0c", | |
| "a8141faed80c45b19ee831b30bc7d77b", | |
| "7e8bb4afeb7a4700b8823bef8885395c", | |
| "9e3a9e6d357f4c99b4f4e6bcfc723867", | |
| "5d15428673214af08cba3f1683b96283", | |
| "94b98c607bcf4d569a4208ef596bbcf1", | |
| "f13a651974c34c8fbc56fede29cfab1b", | |
| "8f8199abbbed447ebb09f733061fe372", | |
| "96189d38071d408aa773071d9ece277e", | |
| "11d1ad9b2fbb45efb3a6320f16d29d5b", | |
| "9f4e75eec3bc4d33be7ddea3e7e7198b", | |
| "be00a0e7d64a4894885e9a11fde4bde6", | |
| "61e9bbc54aaa4b79b556c3f40438b13d", | |
| "c13ce163a14f447ca7baae60d61699db", | |
| "ab0383b02699408098436bc09b64d4c3", | |
| "ffe144934bf04946924e9e4b81cfc06b", | |
| "16c9cee6c2ad4491a0721d0b757bd21d", | |
| "91bb119e48cb4ed8bdd37e6bfd2dd1d9", | |
| "87d0ae159d304b0a8fe742c900b79cfa", | |
| "2ac3304ee4874b91902b5ae9ad854a19", | |
| "2c0b6983d38b49beb1d001c58976aafd", | |
| "20fabe16724348f793df331b25366939", | |
| "8ad06a9a391a4fa68d81e6fb5eb3b767", | |
| "dedca947f46f4e458bca0ce6363f1511", | |
| "80da5c6cbac8498e94b61345f34860f1", | |
| "62a272f0f02e4e3e87e81fc7bed20781", | |
| "d7eaf3d2f97d4c0a844f0d70f61a6c1f", | |
| "b0a82b404ad34c3e948ab11bd1e59683", | |
| "81fb27d58185453db0d9646e345d93ec", | |
| "92e28c9e27164899a0516b056ce646ee", | |
| "de98405d4e1c4448ae59019b7dd58463", | |
| "b60f176d97cd4018864274467ee9af53", | |
| "b3ca63ff0b144fbeb3326229a4ede145", | |
| "f34f925c853444b9b084fbd0e2d33f59", | |
| "4e1ff7baa81d4a2e97a57ecd83fbf5b9", | |
| "7b860d0372704940b0cfe49256f3d431", | |
| "96528df0fb7f41e8b72fce45b1031fb1", | |
| "928aef1e443f4859b96f4ceca74f0ef7", | |
| "92d1065e0dec434296c645a893e6e970", | |
| "6b96115ffaf547e0a3ae7b50cd0f3cc2", | |
| "60d114ec469f40649ecb2201126d4622", | |
| "c8b208873632451ea39e67a3fd615189", | |
| "a2390efcd8bf4e438cefdde120bb9843", | |
| "4a305a60df79444097927594e0e3b6b4", | |
| "2dfda1ca5e19497b9c03a84f88a337d4", | |
| "a758d77fc06b40b08af0001fe88bb4f2", | |
| "292bcf978f7e4c8bbb33864b54d1da76", | |
| "5e1a3fe84c9b40faba25e51f00bca305", | |
| "714d5c27506c401da25577105de1e813", | |
| "d5d8d52b1f6c49daa5d790c1685bcdee", | |
| "0c05b7b27e03417787852328bc7181dd", | |
| "e2f8883f48b3425388a747c0c039a881", | |
| "b99d4e65f12343f58dad39f1d77b7538", | |
| "c1da3765aef047aca8357e0854f30747", | |
| "398fb5d7542a4163ae01bf12a3a740a7", | |
| "2211a01972644cf999a2918939769d9d", | |
| "597d27bd2450422f90e0ae1324ebdce5", | |
| "65a48c88a05e40bcab2e70622a3e7322", | |
| "757f500ffc864469b57b0b2525307024", | |
| "7b83b7c255aa42c4ae3df3be8fc3dfd3", | |
| "4f6b1461f86c450c82e1a1ee4067555c", | |
| "432c099939f04622bf53a684072cd72b", | |
| "e15f217cfded4a0096a8f6cb9be49679", | |
| "57c89681560d48fda599839277e9a592", | |
| "400c5c23c3c14950b3b4d4ac10a375d0", | |
| "0b2231758c3344e2a4fe455465509741", | |
| "e5d45f5d77104b348f635653159def19", | |
| "5133fc761de4451081e134dbaf0f38b5", | |
| "2958a22022ea47c885634a693ce01132", | |
| "6c79125a15174222a7e0d438df226770", | |
| "7ce1c0164eb1468c8c5b11a43b1736bc", | |
| "84b16f5ac8f34ec993b9e54f9867c4e7", | |
| "03e77b275d3744b4aced90d6f97672d2", | |
| "3c82ea4f89d64b6eb1f2af29b3fe5ac0", | |
| "493b480177434fbfa952f86f6e8d2b15", | |
| "e78ccc15613948d1aba53b61516b2b8c", | |
| "ac421f44fabc4a84918294ccdef99f95", | |
| "ba0ee42ffe1d4a7da577f06dfdbaf194", | |
| "22f7c18afe0849368ee25e4d5ce5d950", | |
| "c20de6a4755e4a5abe44bd14e3f2dfe0", | |
| "44943c6282a0442e9f8676460ea3f44d", | |
| "c1adbcd090124eedbd5dbf17803fc1f5", | |
| "445ccd749787468c95d8874017688a7e", | |
| "7593d8fe5fd347dcb7001b28bf280e27", | |
| "a94391b566244ab58551ceb2f5a0efad", | |
| "eb53426753f4446e90d5e4f89be3f06b", | |
| "3273673a11d648c99959a401cbbf20ac", | |
| "58e3000ee4024433b49521cdd747af0e", | |
| "5e568a16c100408499f91dd9cd052361", | |
| "56c9e9450b984cdb843846eecfd78fff", | |
| "39b69deb9c3b4c058908f081987e9bc5", | |
| "5510c950ae4e4f4684f2742be625e9a1", | |
| "97350759e8ce4fd282e39f7c420fb9bb", | |
| "65788de150c74b5a980051d9acea10ca", | |
| "dd761088633e420c9b556738f863f8bf", | |
| "492b693766a14444ba3d7c4b2bec7630", | |
| "f9bd12e4f93f4c70af3d6b238a93f58e", | |
| "b4d0026c73dc4f9f9d583ace97df6a50", | |
| "e96b95f585664f6aa8aed8177bf09b6b", | |
| "08c6617d08ef42629763f2eec11fe6c9", | |
| "b82c801e54c7420b885e7243cba2d601", | |
| "6f9abef241c64e029ee36031ca3fdd5b", | |
| "65d273add3234b8085bb3e61f79b92f3", | |
| "428bd0b523cc477c8e1dbbd2501acfe6", | |
| "38745369f50941ecb51bafd29de85f5a", | |
| "b0cb0e92634d422589e16041b02e167d", | |
| "f471e4e6d5ca44fb95929794645c559c", | |
| "21eb8c32ae884193bdeb745fea1984ba", | |
| "2668f5f3776f404eb139833b7affb1c4", | |
| "f1a021f2a3294dbfa764549b804840c3", | |
| "7fd459dae42e4e429f2fc677bd5f8055", | |
| "d6fb5713698e4346a983af6be39426d3", | |
| "cbe5741fdd2047c7a5b382e057e0fe90", | |
| "429383ac5a514332aa0038c414682c12", | |
| "5950a4e74d554b579a27a73cb0b77346", | |
| "a024644590414ba1b964a466686c2e61", | |
| "516ef8549a674df383019a0a8fb31965", | |
| "57046cc40a4d4b7fbb0c8655cfed610f", | |
| "82fb4060d3084ebbb3af49c749a6ee66", | |
| "7398a7a96cb3492bb9b32021a3be14e0", | |
| "1f308505e0454279b165784d5384e9c2", | |
| "b85a70b4f4c6482b903c5f41c9256090", | |
| "ed053795e8ca404ebcd7d95760322326", | |
| "ce9d661fa02942deabdb1f21ede2c6bf", | |
| "2792c9e9a67f460a9cb385fc5b29213f", | |
| "f770dc59d4834686ab12b7154112fd37", | |
| "646fce4233b240f29d37e5d4abb3a1d0", | |
| "951b816fa64e408788f78690a1c15f38", | |
| "92907fe651d54c9ca904f16b222dd279", | |
| "61a1f736abb94f33b60a0a7140a3d8eb", | |
| "a24f59e221974dc0bcd7a43f2fe9d2f3", | |
| "987f8cdcb9704f9ea3ab22dcaa3ff3a8", | |
| "04b89814d94e4306bf583cb388ee0dea", | |
| "b4927eda384646979105de21b42309f1", | |
| "b956877662b546ac8b76cc501ffac851", | |
| "cdcc4d63b72c438b99a7621984e01b7b", | |
| "28510279d0ed4b81b822adc72c1e51cc", | |
| "db3f7b5495b9469bb225f0b8d95d9359", | |
| "1832f7741d644554a3f8d8f50225011d", | |
| "fc6295c417bb4ab9a614477cd9e8aae8", | |
| "ad957d39325249bc949ce31acf42b007", | |
| "9ad4bbad149f435894f7da83ae768fcd", | |
| "5ee2da9a9cbe4e1d9b72bdb3cd481bea", | |
| "833491a1f9e64af1a7e748ec89ad0537", | |
| "1f8f59c3ac494e88b2c6f93f38768f5a", | |
| "7f5dea78e6e14f1c9e9e331be11c0da3", | |
| "70899b2921f34eb69dfe701662e5ada6", | |
| "e9d314e7b38246f689c6d3ac02dfa11c", | |
| "f1df24cc961c476e965bf0e068994880", | |
| "6144274b10ca45b780bf6c9613b3b066", | |
| "4f805a6629894c898894a7c00b7ae05b", | |
| "7089b5a54b5b4f6e9937748cf52d581e", | |
| "8daad83dcb9d4754a0588cbf6bca3d2d", | |
| "95fac157bb794061a062934c158d0860", | |
| "a4bb0316233d41b8b01d8a93f5249c60", | |
| "cd27f9a0a748443f8769b03a910f198a", | |
| "68a562146d88430cb8f841a250caf21d", | |
| "3356ecf0a0bd4d13b7a8eeb9fa3e6e4a", | |
| "c28c7b189f75400fafde860142352f8f", | |
| "ea343c5232da4c48837b6caf2bfd66ed", | |
| "b57d35fdccd1484199322acfd0194bb5", | |
| "145db6f1c5644a34bdae9d80f0801582", | |
| "97090f3738384f05849e7c1b9169ef7b", | |
| "e59a1bf987ff4a418b4c3b5f6dac9833", | |
| "82d1f307ed1048a9b00f9d1c58acfff5", | |
| "45939bc1c28c451480ba02b0b18d0acd", | |
| "c269a42d28db4279b7977204d9313d81", | |
| "a293b730fad043318695b1e5a84f902c", | |
| "33519b4e8ef24ba192b3e4dd441b4043", | |
| "ee0c2d2df83340cb85bbab4308f9cc57", | |
| "20b5d9211cc04123adb4691537b95c66", | |
| "35e56036288d4f02b44c908ec19ce27d", | |
| "ebd0423b009c426c9d9c1f6fcc2adae5", | |
| "7f3db7d5c2624e35bbac16368c55d456", | |
| "65cfad70ca7d4a2eb14168865395059c", | |
| "8d2ce081987e4abcbb31ce2a746752d8", | |
| "b863ccd9336846fe87a3098b15036a1b", | |
| "effc834900f345b2b16127b09a5e3220", | |
| "a9f5b384420c48c4bd8c15e8f64d9ac7", | |
| "4f4e848a2f9c48ecb54bcf0acb197421", | |
| "b8674808b9374be6ba0f8373cedf1812", | |
| "d8d0b714c1664275a942211eca96dd96", | |
| "dfb20d34de134e898ebcf9ec5c01001e", | |
| "a3f681b14aa247bda93a83190acfc5f6", | |
| "3054e52bde90435f8a413a7eb491a2e3", | |
| "36dd9a2a5679480bbf5e54b0a9d41180" | |
| ] | |
| }, | |
| "executionInfo": { | |
| "elapsed": 251842, | |
| "status": "ok", | |
| "timestamp": 1759949878827, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "63e40019-3dfa-498d-912e-51727c793b1b", | |
| "outputId": "48fa70f5-f291-4076-bc99-5ca6708d9e12" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS1:\n", | |
| " #\n", | |
| "\n", | |
| " results = [] # store all batch DataFrames here\n", | |
| " batch_size = 500 # Set > max points per block to process one block at a time\n", | |
| " # change when connections time out (tested with 50)\n", | |
| "\n", | |
| " for block_id in tqdm(block_ids, desc=\"Blocks\", position=0):\n", | |
| " df_block = samples_with_id_gdf[samples_with_id_gdf[\"block_id\"] == block_id]\n", | |
| " n_block = len(df_block)\n", | |
| "\n", | |
| " # Filter the current block\n", | |
| " current_block = blocks_gdf[blocks_gdf[\"block_id\"] == block_id]\n", | |
| "\n", | |
| " # Extract the geometry (GeoPandas)\n", | |
| " block_geom = current_block.geometry.values[0] # shapely geometry\n", | |
| "\n", | |
| " # Convert to EE geometry\n", | |
| " gee_block_geom = ee.Geometry.Polygon(list(block_geom.exterior.coords))\n", | |
| "\n", | |
| " # Now you can clip\n", | |
| " s1_block = s1_features.clip(gee_block_geom)\n", | |
| "\n", | |
| " # Inner bar for batches within the block\n", | |
| " for start in tqdm(range(0, n_block, batch_size),\n", | |
| " desc=f\"Block {block_id} batches\",\n", | |
| " position=1, # same \"line\" in terminal\n", | |
| " leave=False): # clears inner bar after done\n", | |
| " df_batch = df_block.iloc[start:start+batch_size]\n", | |
| " # ... do your sampling here ...\n", | |
| "\n", | |
| " # Construct EE FeatureCollection for the batch\n", | |
| " fc_batch = ee.FeatureCollection([\n", | |
| " ee.Feature(\n", | |
| " ee.Geometry.Point([row['x'], row['y']]),\n", | |
| " {'sample_id': row['sample_id'],\n", | |
| " }\n", | |
| " )\n", | |
| " for _, row in df_batch.iterrows()\n", | |
| " ])\n", | |
| "\n", | |
| " # Sample the batch\n", | |
| " sampled_batch = s1_block.sampleRegions(\n", | |
| " collection=fc_batch,\n", | |
| " properties=['sample_id'],\n", | |
| " scale=10,\n", | |
| " geometries=True\n", | |
| " )\n", | |
| "\n", | |
| " # Bring the sampled data back to Pandas\n", | |
| " data = sampled_batch.getInfo()['features']\n", | |
| " df_sampled = pd.DataFrame([\n", | |
| " {**f['properties'],\n", | |
| " 'lon': f['geometry']['coordinates'][0],\n", | |
| " 'lat': f['geometry']['coordinates'][1]}\n", | |
| " for f in data\n", | |
| " ])\n", | |
| "\n", | |
| " results.append(df_sampled)\n", | |
| "\n", | |
| " # Sleep a small random time between 0.05s and 0.5s\n", | |
| " time.sleep(random.uniform(0.05, 0.5))\n", | |
| " ###\n", | |
| " ###\n", | |
| "\n", | |
| " df_S1_samples = pd.concat(results, ignore_index=True)\n", | |
| " print(\"✅ Finished sampling all blocks\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "0b5cf623-ccb9-44bf-8b2d-3cc3833509c7", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 740, | |
| "status": "ok", | |
| "timestamp": 1759950366712, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "0b5cf623-ccb9-44bf-8b2d-3cc3833509c7", | |
| "outputId": "a2fa4896-2670-4021-ef3d-0d09bf672068" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS1:\n", | |
| " #\n", | |
| " # Save as CSV or Parquet\n", | |
| " output_file_csv = \"S1_samples_2020.csv\"\n", | |
| " output_file_parquet = \"S1_samples_2020.parquet\"\n", | |
| "\n", | |
| " # CSV (human-readable, slightly larger)\n", | |
| " df_S1_samples.to_csv(output_file_csv, index=False)\n", | |
| "\n", | |
| " # Parquet (smaller, preserves dtypes, faster to load)\n", | |
| " df_S1_samples.to_parquet(output_file_parquet, index=False)\n", | |
| "\n", | |
| " print(f\"✅ Finished sampling all blocks. Output saved as '{output_file_csv}' and '{output_file_parquet}'\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "09660685-e2b2-4ea4-8f78-c45404149e70", | |
| "metadata": { | |
| "id": "09660685-e2b2-4ea4-8f78-c45404149e70" | |
| }, | |
| "source": [ | |
| "### 🌿 Sentinel-2 (Optical Indices)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "62d0b777-f87c-4ec8-bcb9-e77b954fe04b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 27, | |
| "status": "ok", | |
| "timestamp": 1759950416704, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "62d0b777-f87c-4ec8-bcb9-e77b954fe04b", | |
| "outputId": "c2aff2d7-4c68-4648-ed41-160bc7b92da3" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS2:\n", | |
| " #\n", | |
| " #\n", | |
| " year = 2020\n", | |
| " start_date = '2020-01-01'\n", | |
| " end_date = '2020-12-31'" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "078d4777-5853-4868-bd09-23b478fe9aff", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 405, | |
| "status": "ok", | |
| "timestamp": 1759950417112, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "078d4777-5853-4868-bd09-23b478fe9aff", | |
| "outputId": "fce21345-de9b-407b-fa76-dfae03662a89" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS2:\n", | |
| " #\n", | |
| " #\n", | |
| " s2 = ee.ImageCollection('COPERNICUS/S2_SR_HARMONIZED') \\\n", | |
| " .filterDate(start_date, end_date) \\\n", | |
| " .filterBounds(clip_extent_GEE)\n", | |
| "\n", | |
| " csPlus = ee.ImageCollection('GOOGLE/CLOUD_SCORE_PLUS/V1/S2_HARMONIZED')\n", | |
| " csPlusBands = csPlus.first().bandNames()\n", | |
| " s2_linked = s2.linkCollection(csPlus, csPlusBands)\n", | |
| "\n", | |
| " def maskLowQA(img):\n", | |
| " qaBand = 'cs'\n", | |
| " clearThreshold = 0.6\n", | |
| " mask = img.select(qaBand).gte(clearThreshold)\n", | |
| " return img.updateMask(mask)\n", | |
| "\n", | |
| " s2_masked = s2_linked.map(maskLowQA).select('B.*')\n", | |
| "\n", | |
| " s2_masked_clipped = s2_masked.map(lambda img: img.clip(clip_extent_GEE))\n", | |
| "\n", | |
| " first_img = s2_masked_clipped.first()\n", | |
| " print(first_img.bandNames().getInfo())" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "b5c73137-0c3e-413d-bb86-3f5a2f702775", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 55 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 383, | |
| "status": "ok", | |
| "timestamp": 1759950417498, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "b5c73137-0c3e-413d-bb86-3f5a2f702775", | |
| "outputId": "f486fe49-be79-4517-f896-679a9c069d8f" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS2:\n", | |
| " #\n", | |
| " # ------------------------------------------------------\n", | |
| " # Function to compute per-image NDVI\n", | |
| " # ------------------------------------------------------\n", | |
| " def compute_ndvi_ic(s2_ic):\n", | |
| " return s2_ic.map(lambda img: img.normalizedDifference(['B8','B4']).rename('NDVI'))\n", | |
| "\n", | |
| " # ------------------------------------------------------\n", | |
| " # Function to compute per-image EVI\n", | |
| " # ------------------------------------------------------\n", | |
| " def compute_evi_ic(s2_ic):\n", | |
| " return s2_ic.map(\n", | |
| " lambda img: img.expression(\n", | |
| " '2.5 * ((NIR - RED) / (NIR + 6 * RED - 7.5 * BLUE + 1))',\n", | |
| " {\n", | |
| " 'NIR': img.select('B8'),\n", | |
| " 'RED': img.select('B4'),\n", | |
| " 'BLUE': img.select('B2')\n", | |
| " }\n", | |
| " ).rename('EVI')\n", | |
| " )\n", | |
| "\n", | |
| " # ------------------------------------------------------\n", | |
| " # Function to compute per-image NDWI (green-NIR)\n", | |
| " # ------------------------------------------------------\n", | |
| " def compute_ndwi_ic(s2_ic):\n", | |
| " return s2_ic.map(lambda img: img.normalizedDifference(['B3','B8']).rename('NDWI'))\n", | |
| "\n", | |
| " # ------------------------------------------------------\n", | |
| " # Function to compute per-image MSAVI2\n", | |
| " # ------------------------------------------------------\n", | |
| " def compute_msavi2_ic(s2_ic):\n", | |
| " def msavi2(img):\n", | |
| " NIR = img.select('B8')\n", | |
| " RED = img.select('B4')\n", | |
| " msavi2_img = NIR.multiply(2).add(1).subtract(\n", | |
| " (NIR.multiply(2).add(1).pow(2).subtract(NIR.subtract(RED).multiply(8))).sqrt()\n", | |
| " ).divide(2).rename('MSAVI2')\n", | |
| " return img.addBands(msavi2_img)\n", | |
| " return s2_ic.map(msavi2).select('MSAVI2')\n", | |
| "\n", | |
| " # ------------------------------------------------------\n", | |
| " # Function to compute SWIR/NIR ratio\n", | |
| " # ------------------------------------------------------\n", | |
| " def compute_swir_nir_ic(s2_ic):\n", | |
| " return s2_ic.map(lambda img: img.select('B11').divide(img.select('B8')).rename('SWIR_NIR'))\n", | |
| "\n", | |
| " # ------------------------------------------------------\n", | |
| " # Function to compute mean, median, and robust amplitude (5–95%)\n", | |
| " # ------------------------------------------------------\n", | |
| " def temporal_stats(ic, band_name):\n", | |
| " mean = ic.select(band_name).mean().rename(f'{band_name}_mean')\n", | |
| " median = ic.select(band_name).median().rename(f'{band_name}_median')\n", | |
| " p05 = ic.select(band_name).reduce(ee.Reducer.percentile([5])).rename(f'{band_name}_p05')\n", | |
| " p95 = ic.select(band_name).reduce(ee.Reducer.percentile([95])).rename(f'{band_name}_p95')\n", | |
| " amp_robust = p95.subtract(p05).rename(f'{band_name}_amp_robust')\n", | |
| " return mean, median, amp_robust\n", | |
| "\n", | |
| " # ------------------------------------------------------\n", | |
| " # Example usage - computing the ImageCollection for the Index\n", | |
| " # ------------------------------------------------------\n", | |
| " # Assume s2_masked is your cloud-masked, clipped S2 ImageCollection\n", | |
| " ndvi_ic = compute_ndvi_ic(s2_masked_clipped)\n", | |
| " evi_ic = compute_evi_ic(s2_masked_clipped)\n", | |
| " ndwi_ic = compute_ndwi_ic(s2_masked_clipped)\n", | |
| " msavi2_ic = compute_msavi2_ic(s2_masked_clipped)\n", | |
| " swir_nir_ic = compute_swir_nir_ic(s2_masked_clipped)\n", | |
| "\n", | |
| " # Compute temporal stats for each index\n", | |
| " ndvi_mean, ndvi_median, ndvi_amp = temporal_stats(ndvi_ic, 'NDVI')\n", | |
| " evi_mean, evi_median, evi_amp = temporal_stats(evi_ic, 'EVI')\n", | |
| " ndwi_mean, ndwi_median, ndwi_amp = temporal_stats(ndwi_ic, 'NDWI')\n", | |
| " msavi2_mean, msavi2_median, msavi2_amp = temporal_stats(msavi2_ic, 'MSAVI2')\n", | |
| " swir_nir_mean, swir_nir_median, swir_nir_amp = temporal_stats(swir_nir_ic, 'SWIR_NIR')\n", | |
| "\n", | |
| " # Stack all bands into a single S2 feature image\n", | |
| " s2_features = ndvi_mean.addBands([ndvi_median, ndvi_amp,\n", | |
| " evi_mean, evi_median, evi_amp,\n", | |
| " ndwi_mean, ndwi_median, ndwi_amp,\n", | |
| " msavi2_mean, msavi2_median, msavi2_amp,\n", | |
| " swir_nir_mean, swir_nir_median, swir_nir_amp])\n", | |
| "\n", | |
| " print(\"S2 feature bands:\", s2_features.bandNames().getInfo())" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "61e1efcd-f7e6-4006-91de-6f04720dfa79", | |
| "metadata": { | |
| "id": "61e1efcd-f7e6-4006-91de-6f04720dfa79" | |
| }, | |
| "source": [ | |
| "```\n", | |
| "msavi2_img = (\n", | |
| " NIR.multiply(2).add(1)\n", | |
| " .subtract(\n", | |
| " (\n", | |
| " NIR.multiply(2).add(1).pow(2)\n", | |
| " .subtract(NIR.subtract(RED).multiply(8))\n", | |
| " ).sqrt()\n", | |
| " )\n", | |
| " .divide(2)\n", | |
| " .rename('MSAVI2')\n", | |
| ")\n", | |
| "\n", | |
| "```\n", | |
| "\n", | |
| "| Step | Code fragment | Mathematical term | Meaning |\n", | |
| "| ---- | -------------------------------------- | -------------------------------------- | ---------------------------------------------------- |\n", | |
| "| 1️⃣ | `NIR.multiply(2).add(1)` | ( 2NIR + 1 ) | Create the first term of the numerator |\n", | |
| "| 2️⃣ | `.pow(2)` | ( (2NIR + 1)^2 ) | Square the first term |\n", | |
| "| 3️⃣ | `NIR.subtract(RED).multiply(8)` | ( 8(NIR - RED) ) | Compute soil-adjusted difference between NIR and RED |\n", | |
| "| 4️⃣ | `.subtract(...)` | ( (2NIR + 1)^2 - 8(NIR - RED) ) | Subtract the vegetation term from the squared term |\n", | |
| "| 5️⃣ | `.sqrt()` | ( \\sqrt{(2NIR + 1)^2 - 8(NIR - RED)} ) | Take square root (dynamic soil correction) |\n", | |
| "| 6️⃣ | `NIR.multiply(2).add(1).subtract(...)` | ( (2NIR + 1) - \\sqrt{\\dots} ) | Subtract the correction term from the base |\n", | |
| "| 7️⃣ | `.divide(2)` | Divide by 2 | Normalize result to MSAVI2 range [−1, 1] |\n", | |
| "| ✅ | `.rename('MSAVI2')` | — | Assign output band name |\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "c963e021-ea98-4f9d-8412-a3d3eb56b891", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 67, | |
| "referenced_widgets": [ | |
| "1b91ad83ed6e4aad91cf42ef373bf8d1", | |
| "8c8c85ada2fe404c95ebf2fd72dd11d0", | |
| "31ac8fd929de4026b582c9513f97ae2c", | |
| "73b52b093a284b24a7ae80c523bcf956", | |
| "f982d65498e7460fa89cc084f12a091f", | |
| "0eec8c81659743ce818cf5a9f2746a32", | |
| "3a368703e25e40a2a64edcef1a0b0317", | |
| "c8a296a4f35a4191b52975656a3c96fc", | |
| "6fa82e3860a0457cb84cce6f3ae3b2f6", | |
| "01d2370791264a88bc7717a7ee7c1f7c", | |
| "585c7b32d55c4d2d83ad423d4ba81d9b", | |
| "90a44245010844bf93f6a00f32a98693", | |
| "029d0548f07a47818ea2ab26a02c844b", | |
| "481728e694bd4a54909fdcde3d5d2dda", | |
| "ba0dd68b62ab49e4916f592d84de7947", | |
| "f7861ab430ff4eebafcaf654b57663a2", | |
| "d1d65837790144a3836344b405a58a5c", | |
| "c043f7aaa4314011834dbeecc7022667", | |
| "dce1f8064ba246d48ec11e5be50145b3", | |
| "9520cb9577534435970fa8fc91cdc4a4", | |
| "0d47bb5d551a4b53a37d78b908104922", | |
| "59b4780437604819af9208755f34e664", | |
| "923e1f7baeb2468497c23fa7cd940f58", | |
| "16c2d1c5dc52457994eb60b578de1a8a", | |
| "5d268bf689664d16a4c693f9ae6f09e2", | |
| "da7ce280b22f4892b1d3e80c37327e2a", | |
| "56129230f9314fbe83868f05d5b30e67", | |
| "2e5ce484f7954df19412f4950148400a", | |
| "ec505ed6cef54957a14ec4adacdfdc0a", | |
| "fd9b1d4a15cc42449d34616fb6ef526d", | |
| "9add8be9ee0e4bc1b25f9a577cabd1a8", | |
| "0079a0c57f3e4903abc6cada291d0429", | |
| "03869bbb081849858082ddc96b4eb149", | |
| "b027af09c46042308043601488505f7e", | |
| "e8cd631460b6423b9c34ecb424aab7fa", | |
| "4b42db4c68a9472eb2e844db501cf6e7", | |
| "d2198e8029a2485b98721f49a3356297", | |
| "0775c376d2b74c23a64da8a9df3d6136", | |
| "daf7ab3571544e7ca34682ad9da874a3", | |
| "284ba3e1504a476c8cbec2a1f3c1946a", | |
| "f34adc5cb71c46bba58e1d0b7682200a", | |
| "62294cb434e44c20ab4f61ae2876fd94", | |
| "768b8ef758684d2e85a82f3600ff543b", | |
| "4355f770c7d249e7b49d2b42821fd1c5", | |
| "452a00791899421cbf4155263a61168e", | |
| "046e3216a1d540e39b922fbd942f4554", | |
| "e3d9c103dd034d07a44db3e4c33b3d09", | |
| "5fe595c2d7e343e7bbd49d18fb5f07da", | |
| "72c2bb0ebdf6488391751ca0e3d75c4e", | |
| "8ac6ea82886641b1a09e1e638e53280c", | |
| "7182f57084aa4a60b7a54c1c858fa3db", | |
| "f578c3e5b37c40298d14fa3e365b4bef", | |
| "0aa48331ded04edba061be1aa2eec58d", | |
| "e8c8e987606f4c97b3ca807b9af24601", | |
| "c60ccea60e8e4d48a53792375d5723cc", | |
| "35e1e0bb13dd4d97a9f3daafb157889b", | |
| "b6a0224e859448aabfe8c7c78daa3ad7", | |
| "8c83f5cb56064f4a9a1425f6118f0ebb", | |
| "08ba996b9ed6463ebe586ed6b0243c00", | |
| "50b7183c8a494253961f9d0bdd2e791d", | |
| "4564ce4d1fd4481ab716bd19c66c185b", | |
| "5866e83be3f94183a88be37d6166ce2a", | |
| "1d5d39841fef413688f00d73565be923", | |
| "fabc8cddb36648a1bf4c33aac119e85e", | |
| "bdda7bb6d38845b8aec0d5e9adfd5779", | |
| "73e6a61a973748a384b9a76fa1376da5", | |
| "3b80cc2661ab4e75b729f2a8365aaf5d", | |
| "0195add19ad64a4ea0e67937849338e0", | |
| "0fae22902ae2487a984e75390be14260", | |
| "ec699fc7f44245f88a7d4402bb0a1013", | |
| "99ae78c39d2d4d9cb9abbbf2e670ec86", | |
| "5997b81935fe4f8dba509b3d5f044cb4", | |
| "7b1e2399ece34199bb8ec9ab62b27c33", | |
| "6be4db939c5147f08a3e3abb8a1e621a", | |
| "0ac0188ff36b4207b30ce4dfc0fb052f", | |
| "21c987258463469eb69f11092b5bb76a", | |
| "4459780935094465a9c731e2b49ee31c", | |
| "78345610a86d410d8a1e1922a380130b", | |
| "86e4971771ac4dd0bc36871197992b28", | |
| "b7f51ade698141e1a6770e9d46c29a33", | |
| "814174cb3c6d4428ba53f6cfe513fc97", | |
| "04e991daba834d2baa21523d8a739963", | |
| "26198e45d741471285686d11c7920b77", | |
| "bc6aad6dc830470895a144954f96a8bf", | |
| "3dc16b75562941ddbbca91c8e17a30e2", | |
| "a60f47a9d66d4f14a6c8bd20449acaec", | |
| "5c30e1cee8b84b2091b023424b568e72", | |
| "d7cd94c3ad504382bddc5e92a7f4494b", | |
| "84e60ce347cf43d196d4f9e1f00a95f8", | |
| "0ea764f52ffa43ada1a78004a22ea894", | |
| "06894a5a59874e8fac94e069c8de82b8", | |
| "1416a99d07914f47b35165734d5e8c1f", | |
| "34a3aef2df2f48e6a2836d5201a8779d", | |
| "167c937e0f7444b0b6be5d3c5ed34340", | |
| "959429aa8f1747658da1083038250330", | |
| "df908cd462e048c2a416b75a2e853299", | |
| "609b08cb6b844624b6ff72cdbf75177d", | |
| "a7660294c32647d688b78170a5f45d81", | |
| "fc5b5a13f0994be1b89f4b55c9febee2", | |
| "b3fc414c4dbc436db5f666f8c94a70b8", | |
| "cf83c03c9745414d9e699cf2cf4f45f5", | |
| "a0189a55e0aa4e0b8474d0e8a3f1faa9", | |
| "9fb0c2e4baad48d683359b3c57cff895", | |
| "410c8a6d3cb74c2fa00b439901a8678a", | |
| "d626bfbbfcc14f238b6bf09929ce2a7b", | |
| "94f1521450e244d580c0b9c0d004389b", | |
| "b98c7f4bb9f54ea2980c9ef3c5adc778", | |
| "2fc75c9eeec34228892c09f574add6ad", | |
| "240163fa15a44021aca51591605c5652", | |
| "0dc50865eedf483aa11dd52e33525407", | |
| "30742eaef5c24ffb9df76912ee20bff5", | |
| "271408a972e740389ca50ff4335a01f6", | |
| "812c45f38a8340a490f476d5f4fba9bc", | |
| "5d8766435ea3476d8f95335ec9f3ac7b", | |
| "252840b81af74a91944f48bf801788f0", | |
| "917e43732699465b9471f7d703d348cc", | |
| "2a2e44b3c70245569264ab0b67c4936f", | |
| "99682ab7e20e4abb905e670a12dac96d", | |
| "e32dadfa6df94c9cb2cc6d4fd6ee70ba", | |
| "e0881fdc27d94c72b872b8ab57b41238", | |
| "8505ad08f08b48d694351ac8e22bfe37", | |
| "b1f821df1c314b488c90f8da99bae4d9", | |
| "77cac1cb1a5e4b14bdb614375232905e", | |
| "1f6a51c1b5df4a529ce338674446d378", | |
| "77e79e07ce60423ebc7e47ba1636d7d3", | |
| "8b725a18e82d4452b592851149a402df", | |
| "cc4862321ef644da85f84a42e7fec7d4", | |
| "d1afdf044e3042eaa8630aa7b09aaaec", | |
| "067009df63c741e9b08d1cb1016ca59a", | |
| "37126b64062e47839ac1148458c6cd11", | |
| "c54d7e60a3a4402782320ae8489dbb87", | |
| "e34a7f9b960d4f3d9335899c0c0f48b9", | |
| "776d8b961b61497b8dcfeedb19b58113", | |
| "dc7eab31440e49aa8ed0a4c3e06a98f7", | |
| "0bc95d3e396f402f9c3be32888ef64a3", | |
| "39a3ef2b905f4b4587b20f4b1e56e812", | |
| "09d6acce005b42b29adcaf7ec7ca3311", | |
| "2396541b3ff342078be540ce751c567c", | |
| "e1c73a13820f41d2acbb554d19013e91", | |
| "8900d2c3711a46459cb852f12390c6f5", | |
| "91b57e533340434ba81071a4cd980cc3", | |
| "703e8a5e8e5446b782b6ce7ffc0b7f82", | |
| "9c22e1c606eb4fa68abcb43a60a6fbab", | |
| "bc10719ee98042018d35fb8ce551ffdd", | |
| "9d3cce3697044bc39c92a95982e45ef9", | |
| "f8799a98053640d5b713940876fce0c5", | |
| "95ae142830e44a2ebf4e0defde8e5725", | |
| "350b4a4d4423469484e020fa9802e2fb", | |
| "05aba364dddc47d8b6809291ee960b56", | |
| "5a1b77f1ec5b408497d585b091fd7c30", | |
| "cc4e346a1b374cc88f702b39c883e444", | |
| "d36ac30b87fa41a5b5c9c513688a4b85", | |
| "90ec5ebc69e0438eae5cf1f34d43e282", | |
| "2e8ef6c931d4494a8e65fbe3a7f2f0f5", | |
| "1033a4efaa2c4c16b0359934c5312028", | |
| "f193263d6d994d4d85058bcc41e52e58", | |
| "62397aa7231b47559626b5a260329618", | |
| "9cda77bebc7341d8abae5a701c48106f", | |
| "c5445387e6644c65bfc90d4fa41978c1", | |
| "e9444d6de7644489b4826525324fa0b8", | |
| "2927fbf5cacb415c96c952e22b8b2e3b", | |
| "9d3b077e002e42ad8b5fa4c1f3cf2941", | |
| "5d498a7970574f709703bde85a8109fa", | |
| "7018c6fb8c84423caaf4e69be08344e6", | |
| "4c33c3bbb42b4af0b2ec751f8cb32b8b", | |
| "c3e8ed7e6e4e40349af5900d5ff47ed7", | |
| "b983bab6cf0c442188a83971767d501d", | |
| "6f1257f9ca1e4f44957cc41e60bc3652", | |
| "23c197aa418d40739a7c902b8fa293f8", | |
| "fe08491d1a3246dcb27858d0a2990e86", | |
| "aab79351fdfe4aabb639e02b8630aab9", | |
| "2639fe1c310d4f65959069f3432705ce", | |
| "52899a3e6b7d4104b4270c2f0fbdf103", | |
| "6abcf060db5b43faa7684d37e6b86eb7", | |
| "d45758b53c7b437fa69115d8c65e432b", | |
| "43ee825d454640c6b15bc0f26238549e", | |
| "fec522c1b8e447f7aefe1d86b09b16cf", | |
| "8b26dbe1a28c46c6aedfaa57c34f07e7", | |
| "536dbaa9127f408bb9f618ffd14a64ed", | |
| "ff225334e3054ebbac6ba46d84ccc1e7", | |
| "122740589a2a4d07acd961a9c8f6dc46", | |
| "0b46af1d70994e0b81bc46cbb595876a", | |
| "5306c9ec57eb476bb2d880a3af9b88dc", | |
| "a421145d871a47c3988415df0d1249dd", | |
| "626ccee88a344c7b843ba324fdbdbed5", | |
| "c2b78887fadf466da0f6398adea63aaa", | |
| "12163ae5365b478cbc5c970cf567d316", | |
| "98c4c5a301b9406cac0461ba3c17a8ae", | |
| "70908ff15b9545d68d996094c4faea47", | |
| "d0be2dcc796243388673fa112210adae", | |
| "95a8c6ad50894eb89f0bfd5a8541708f", | |
| "811fdce8e9dc46a7a76dc75e5eaa2990", | |
| "6534eb66c5f54495b3560e8074935c6e", | |
| "e19800348a204fa399d42c3cc6d066c5", | |
| "104c7bc9b4af4cf698a60b8b3e6aaef6", | |
| "ea650a0efef94050bd9ee2d5b3f011e1", | |
| "6c180333601d462581bc5adbd01957f9", | |
| "efaab223fe3a457884067cc9a317c08f", | |
| "3d97ad4b7fb345b58e0abd9e431d395f", | |
| "8b6cb8731a1a46efa74a12c810f1bbec", | |
| "7b4d2fdbe6b34556a8b8d15bbb270c49", | |
| "de80158281a84fb598327d28bde292f2", | |
| "04c9a429e6bf4aaa9ed31279b8d92de5", | |
| "44ecd3c56fe14b72bb2f0f24108ca7ad", | |
| "373798d035574079ba276633689d82ad", | |
| "d89c7fecf6c34e4395bbfa4ad962c607", | |
| "cd40ebc28f7f472796d9f5cd3c5ac92b", | |
| "1a0f118485274e8881dcac29aa6a97d4", | |
| "96020af2c9e1405cb55b13b28c3de5b7", | |
| "aca7e10df52e437b96338a17097983ea", | |
| "99d3efb25b864fc49a2efcda536cb821", | |
| "d42ac3d86db6444d874f2fc4f3aa369c", | |
| "8e072f13052e4acaac342ee414e17782", | |
| "0b374017ad1a43ad950d8afb3120d9b8", | |
| "464abee35f6f4724866fae2fc43fc2dc", | |
| "e8d8937118344c259476da89bad3adf4", | |
| "b1362d5ede324010a97fcddc571f956c", | |
| "144ade35f4b3430895e04407e129739e", | |
| "b48deb529602408cbd7bbf2988196c63", | |
| "5eb9becae649468fa66160c6c415108a", | |
| "8fc35178f6f2434b848ba269977df83e", | |
| "6b9dc864069641beb5f7af5c10954289", | |
| "1640e1eb7e094999b94911e1e37784e6", | |
| "9bd36af38bee48b19e577da584d3f6aa", | |
| "0bd6747b18f040d68241f4d39ac3c1da", | |
| "962e111030824ee3bf97cd343deb4549", | |
| "8435980092b64eb2ae479293ad9485ae", | |
| "9970693afc654647be7c52dc3d287dce", | |
| "0fdf1bd4a7cc4875be70f2648abfbd88", | |
| "e967894e4f46448c9af1bf78d73b8654", | |
| "e8d5289bf19e4e208a05e062ef8d4e56", | |
| "1364ce518bc44115a666972e8400956d", | |
| "17b00d014d25453e8c2f637894da01c4", | |
| "96e318194a0e48ed9f56386bc34bcb83", | |
| "7eb3f52f3dcd45af9bd7627c25db4901", | |
| "e283e2a0564f4ca59e3aa7edabda8b08", | |
| "28eeef50d6a84dca81dc9ad1bc692953", | |
| "616265c5defe46a5a564aa970551221e", | |
| "eb19e644d9b84f2cae00770e82d9c038", | |
| "3613431d462c4e0b9305be1e464897fc", | |
| "70415a780fd049fbb93c3e988d337848", | |
| "8ec059d02ad64542b45fce4d92d3fa74", | |
| "3ccd2d8582644ec98d59fb6f8146f1a0", | |
| "8cbd4390b4b84f749b2e39951ad4977a", | |
| "90a24433149c44fd9f5b8ea000ce7fe8", | |
| "fc6e71287c4d420f8d876473d11a2ae9", | |
| "1a12b6df21a64c1d9bf0556cb7b3e379", | |
| "f4ffe593fd0244d8b22bd662bfd05bf5", | |
| "123cb6798b854cd6bb350db638058efb", | |
| "78e759e001654c9a9658fe222e832417", | |
| "b2be5b8db22a429282f7605fa8dbb960", | |
| "54218e2b86494ff9b6d349371da7f238", | |
| "823a9944b4d24a599f8199a77b51a0c0", | |
| "d94d536bb67d4beeb085ea0596a3960b", | |
| "747b261272164e1c83145526f01a5d34", | |
| "25c78ae531a84dfdb442cef9c67f1129", | |
| "20f492833c7149b4b08a11471eed9946", | |
| "7a7e2274f11d4b9a900a0f0a395dfcaa", | |
| "9fcb540644f445af8b7d9aa503a86c4d", | |
| "91999f88deee4ef8bbf647ea561caae0", | |
| "cab974b821e440da98737e18c5943320", | |
| "c9c5a394c1e640d7a4ce6fedd67f7eaf", | |
| "325ba6329a2c406c95c9607f45eefd7a", | |
| "b29c54dce3854547bdf5e6da97537443", | |
| "dfd6e85851914043a703d1d864587c74", | |
| "026cf880bce1436baac63dfda758acbc", | |
| "6f609e6ec2374a7492ce0d9076ec2c11", | |
| "463bf4a0a29b406e9f70c94d11323af1", | |
| "d013ed05dd1f44e58f3779f4fb0f002b", | |
| "ccca05faf7764fafaa6f71874480a6d1", | |
| "04b85c2ccc10433b97bc26e31786a610", | |
| "8070be12e95849beb41e2c657f400fe5", | |
| "40d298a0f3e44d2892709cba0db074ad", | |
| "c8fbe35f519442f9878181f445e4e0b2", | |
| "e29f31400777441bb63830f4a4f22fb3", | |
| "3b6c3ef466c5461fbe55f193219e0068", | |
| "48b6c9ffe0e84935951e193d81a8c9ff", | |
| "70be5212f08444349c7f74ddc6c22de4", | |
| "1d0632f7a2824cc086c7b0fa9a5e9e5e", | |
| "d9e91a34bba441d58ee131de075b7513", | |
| "daa9feb3254a478aa2c253a2be0738d3", | |
| "4c3701e034a04386ba2afa99d9518952", | |
| "38f43d7ca7c24a3e8bd7a555ec0a392d", | |
| "b1ff2c2e6e42429c90c0c208b658bfd7", | |
| "2b21fe062e7548be9fb957a4477c37fa", | |
| "7ca85b75e31e4a1d8470bb77bcbf8346", | |
| "ce495485292f4c3da88263b8c016239b", | |
| "7b75bc533dec4c36a16e4c4c66ed0c2c", | |
| "67b0725aba084c379c55ae826b7ba138", | |
| "b32f4cca9e154cb59f1fcf77312adafc", | |
| "1b55ae5a7c08415daf327130536c9711", | |
| "0849414b029d40b889b150d4d9e98f0d", | |
| "6415c6625c9d4542bdeaf45470a80f7f", | |
| "b6f2b3a8106841d3be5a85c36ec853d6", | |
| "2ef155f038b4445689800ace0530bbf5", | |
| "84b19e755bdd43b793bdf29b761c63d8", | |
| "5bf2dd3f9c6e4cd7aa459556290ce91b", | |
| "010b4648195b47c6a7893c130b22176b", | |
| "6ee83ba584b3434ab7e876d418b72c4a", | |
| "d2faefb86afe4f94b8f6367e9cc4f850", | |
| "83b1b64d07d449d18ff33da2a04645c2", | |
| "ae96020002da4bcabd898eecc5a7307f", | |
| "c5a6c01e466f4d019cea69b6a7efd2fa", | |
| "37fbf391c4174aa5b555f1ac9a5a5206", | |
| "6c5e6541344644e5b69cb6cf7c1f0fe9", | |
| "e788b7b0779b49b8a9cdca122dc4010a", | |
| "64d17179e01347bfadb867c659d02811", | |
| "4b33a9b39e2746e3a8d7bc4dea02d2df", | |
| "062330aa0aeb4927a6d7ab679e2a45fc", | |
| "0ff14a5c50af457c855a792f44fab672", | |
| "7c6b6c54c5184f9db1a03b1cc02d7eb2", | |
| "519003f3149948ccbbd7d7d9baec0910", | |
| "6afc958b1ded4d53ac66a15e2667f1e8", | |
| "bc0695b37d4f4420bac5485394e2f7a4", | |
| "f010872011b642c0b4827ae59af9b6c2", | |
| "507519f818874613ba89961a2f9835a6", | |
| "caa5031a0cdd4f018a6efc1340e2e972", | |
| "f5a34223274f454fbbb3c1e4597f9573", | |
| "5dc7ba5719c74c359d1eb473fd020d81", | |
| "485da72dfa544f7cace80214608adfc2", | |
| "81798253ddd54547996212ec16fa662f", | |
| "885c3d1f9417446eb10d05ed6b3b857d", | |
| "fb07deff86a849c5b5266f1778158621", | |
| "966ab086478c45139a9c012eacd64318", | |
| "f5f524efa66e40e78ee6dab5be6d11e0", | |
| "ddf564802e5048eca1a40f7314cd5aa8", | |
| "986d0ff9593f4ef39a28f1fcfac9387c", | |
| "2e8dc3576db64b80b910b470cbe6d6b5", | |
| "43f8909811a24ac39dc5522782583e5f", | |
| "4f519c94d5c549cd99592ccc7ed9205e", | |
| "c2c286b10d13403fb20449f79e3dd40a", | |
| "2a22b7b2ab5a497cae3ad922b0656fc9", | |
| "2e66e4538cd4434aa2051001683c73cf", | |
| "f988cc856ff64dd891b47fae4dae430f", | |
| "647d78c37db246a996dc9d37c13f4f3f", | |
| "7c015d716e4d4a22ab5712b23dbdbb32", | |
| "a9974dbba57f4deaa94458033980b136", | |
| "459dc16665a14742aefbd7aff56afcc5", | |
| "fec49884ff1542e4878054a549d14fdc", | |
| "ee3eac1750674f3b853faf4a83b4b226", | |
| "5a794b88b50d430d81bfe13deafa94d4", | |
| "5a86cc11e3a744d1a26d1a8bbea59bea", | |
| "d06f1028edb24c0abcb79a397b1cc3a1", | |
| "cef38802cc814fdd812e109225237de5", | |
| "984c5665f0fc4d80b24812b6dcd0f621", | |
| "9a321e058e9f4e5488bd8da985c7ef82", | |
| "7b292c590e1c4c17ae6e5e5224e055d4", | |
| "20bdf123155745dcbbf1d193abd819a0", | |
| "5e8ca374f7db41b5b246d14e1460024f", | |
| "abe3d13795d2480aadb93f5813176e0c", | |
| "1c5d97468f054c4ea78335a0f61b038f", | |
| "3122fb3e390a465989c84a89f182e862", | |
| "65bc5157ffca41d5999a5d1a698b5780", | |
| "962f000d1ad0475cae778cf50cd532e2", | |
| "e974f5ead5994c60a9a474768eba1ff9", | |
| "385af30ec84d4085a263fdd034ac9621", | |
| "89c4dbc393b341fabf5223f6ed4d2ad3", | |
| "5ee90ee3582a4d50865415dec23946a0", | |
| "e0e790f2839b4c3d9959073b33156a96", | |
| "89002bbba53d4f328408173e2992e698", | |
| "adc47defea914378a768195846814947", | |
| "d8586189ce434a3f819287b3dd0c68f2", | |
| "c2eb6b879e024602bdfb60e2329f13a8", | |
| "0cbd38f62f8b41fb9bad395537204250", | |
| "ed5575fe322644dca887e98c55d1667f", | |
| "b282c0da07004547b573d3c764727222", | |
| "c793f4f1ba364cfb8c8340812a388762", | |
| "9fa1cddcbade45ff90e8cbf487be7fb3", | |
| "bc87e87fa5674bcea806bac4e9cd24fe", | |
| "ee1e5ccb57be4909965489e289db13bc", | |
| "aa96c12d4d2c4293a31fc1943d0c90f6", | |
| "ab36842c10cd4efe9ded036ea8b51820", | |
| "842a8dab79c24ee880aa6de9a507d3a2", | |
| "da45f23715264ea593dfb7660cce1ee6", | |
| "4e39137ae4024dffa0c7b30cc7ea3872", | |
| "207b47b57cd34cd685cc1d00d51cde4c", | |
| "3b1b16fbb5bb4596a552d5e9bdf0a15f", | |
| "fbd19da3554148d293d91a5f2607e8a7", | |
| "518e72cd14c74e8d980e60a7201002e9", | |
| "d2d6859e53214fec9d120e7f3d2d91b0", | |
| "f9e1481b17004104b11ee667835184c8", | |
| "5ad5c933840346a888d27c6c42078dc9", | |
| "b4312f04d48c439f9ea5acd2d5427e47", | |
| "a17faee862da4146ae842fe896da2c2e", | |
| "f9ea152724b547db8e6c4b01aaa73f58", | |
| "bf11340c544542a69bf8dd6ece7b07a6", | |
| "a34d4c62850a4c258a326f29e498b8d3", | |
| "7b99cf221d554b46a3fc18f01f197d0a", | |
| "1538ea68c66c4310ac5178deaac638e7", | |
| "96665b24698d4407817cb1ce80d48f02", | |
| "2ae5eb7969e441dd977bbb82daead5d8", | |
| "0ca8263be4fe454780f5c5eba611379e", | |
| "fc63c5298de841fa953170c226ab2df8", | |
| "8dd0c65b46984e2ab17fd820925f663f", | |
| "9c12543ff63d4a5bbb25fb6ef11b7a37", | |
| "90f12c7017e74734bd92f2ef2c3c1855", | |
| "14d8c83462ab49378d1aae6477a9030e", | |
| "b24c870ed34542a7873fd2e9c16b9e5e", | |
| "fc998850213442efa5e9f6e92fe3c6d3", | |
| "5a4b6b9d00684c4b8ad34fa3203d4fae", | |
| "c36612ac30274186b22f41837bdec329", | |
| "a0579e87b109424fbc124877b8e584ac", | |
| "5cf4cf2e2e80442885c584a183eb6080", | |
| "4803d82b44c34fdb801e70d78cd1d770", | |
| "cffe026cc69e415d942759e23e700298", | |
| "4ac1efbd67564a749f74799df22a2d8d", | |
| "180b5206ca4d4f4db369c254704f1b47", | |
| "fe9c7685d9a94bf199a0e44932e321a8", | |
| "4d4c44cdf86d4825b0f67a55ed5c5d12", | |
| "a62bad0c29004ee78b8d262b4ca25f61", | |
| "ed52342b8a4c41f5bae880737a6a6918", | |
| "2c1110832f554f388af90a377c8bb576", | |
| "5c60c92b648348d5bf91d8e01c40787c", | |
| "3715a83aeff94c58ab4dd865322fa896", | |
| "e44a4ce25dc8414196e020959c047f7f", | |
| "c109e2e6ae474ed7bbcd8be58e796ddb", | |
| "44462fb32f8845788f55dbf8253cd503", | |
| "3375b26d46564730a8030c99395cb162", | |
| "c27601a0e37a456681e190abb814b57d", | |
| "7adbdf63bba942478890aa00032f79d0", | |
| "8ff6786b396649ccaa205f6ff19696e5", | |
| "55751715b938439eb2b835d35f3972b0", | |
| "39872578cb1a4265a25daf973840be13", | |
| "ee794f3eba504f14b503da38957c89c7", | |
| "0d8351ebe3084d21bf1567a95ae8d57e", | |
| "c20093834d614c3da26b6f5da027a46c", | |
| "c77a960d0bdf4556801232aceabf0ffa", | |
| "4216f2c16c924bb38164643e257f8c08", | |
| "7601928473e44b639f18e7f23254f9ab", | |
| "7338b1037b5e4fdda605acee903f7949", | |
| "3776dd64470d440597a4c38d0fd0d257", | |
| "9a2e5f0ed87c49fca89e58c7afe1f89c", | |
| "c1238c00b6d3480f973a241f8e16046d", | |
| "aa98645bba0b4b5480bdc647228fc1b3", | |
| "77d5c50e76bf485d89c5428897599a63", | |
| "f733181aa2ae42e5a15724ccb5605a9f", | |
| "3cf9f275518e444bbf3d237559793936", | |
| "3c3334b35deb498483260d7e7704a13a", | |
| "49960f7e4ae94031a3794b74172bb9b6", | |
| "a5a167f7aeed46d48e78e9a71963bf41", | |
| "9e6fcd255d7140219726a88187b0ce20", | |
| "01c9c4e765774c7f8b1074a9f818a59a", | |
| "1f66a555dc67451bb137cd0e61d33ccb", | |
| "17b23c032ba44ca5bd27b4bad8691062", | |
| "49b3302881ed4958b94b475478339ef0", | |
| "256f6484ee744baa9d95939e2a78f186", | |
| "3d8aef6b2b65423497ad0f357452d71c", | |
| "850a1fde3ab4440f97c34b95c1be72ac", | |
| "02a8a7e597db4c899f5d154cefcd36c7", | |
| "b661dfa35f66423fa8e5324fcb6cecf9", | |
| "54f4907937ed43a3bc9b0c02c76f2714", | |
| "1ac5d827a29247e1b855254ec4a67f71", | |
| "db3403990b894e03a1ec2dd7d1ac8db0", | |
| "a7fc00a784c247d2a731c2338f934dde", | |
| "e9ee47655163417fb89925c1fcabf245", | |
| "66c71f2475bc4176a6d4327c37bd5607", | |
| "a1de4fcd86614aad81046ba314411511", | |
| "159b95239ff548ffb88fac3223a074f5", | |
| "3c3be2eaae9f4f23b76c17fa9eb700d7", | |
| "b6eeadc640cb451c91f270f009441588", | |
| "b85982d2ce2647678d0f24b24342f413", | |
| "1216401339e94f10994b11eadbf9b441", | |
| "01ec095e9de04b3db1af0b87304510ca", | |
| "979f491d92b84d7bb5b8ccc66000c24b", | |
| "b9c105f6cfeb4c7fb93e4f801f9cf825", | |
| "d0e44354d2d8480b8e5becb3bdbf5c96", | |
| "1fd4a8eac7aa4dbfa42f39e8432e0723", | |
| "1744ca1546fd44018596c779148639aa", | |
| "32f9d3d44189402cb45275a2c3595f82", | |
| "b37716b0ab7543faaf79d3a96846f39f", | |
| "e69eeb9812e749b78e9ef66ffa5f2f9e", | |
| "8359238995604206baef272b0250457d", | |
| "50ccc87636724511be18fb34b4d4b531", | |
| "ccbce311d65b4911bfc06283f2a938fb", | |
| "6051a7652c9048a198cba680f16424af", | |
| "4c87140a7009471bb4e946846aa552be", | |
| "946c940068af46f8bd41a93b63d39aed", | |
| "9672de2b7f4540d8a78d9c1418b25095", | |
| "d2fd7202ccae400eb7e2006bb158c18c", | |
| "f73c42a8eae84ca4b048441594d2a476", | |
| "42d75a097d93440481d200d17189f874", | |
| "72b4ffe9cc724d44b6d71ca90aa9fa11", | |
| "acc1212cf88a4b348229362646a46e26", | |
| "2d4e060528b844a7b1409340b9b12cc0", | |
| "84991d1f03dc4b65b6ffb2125d1dc17b", | |
| "4adece1fcd4a4994bebe93be22e4296b", | |
| "2dece5e475d3453baad94632d64d0d56", | |
| "06273de61a8f45fdb14af272a90f4eeb", | |
| "9a61b629049440f180dd6e1ffbae31fa", | |
| "5be9f27a677b456782baa9bc96c15cb2", | |
| "876e21899b464ffda9f398a768054963", | |
| "c10743338e31498282a2914b978d0783", | |
| "f2cc061be07c4cbc948b349b1c382fb0", | |
| "bd7dff96588d47c1b65714e696a7fbbb", | |
| "29e11ff6a25944b98b0d86ca533a343b", | |
| "7544f7e4c7a14b46a752f26a8449fd7b", | |
| "066e860e40294a50b792b52bb85953c1", | |
| "3d4993a9b1054c8e9ad5141ba445e772", | |
| "c05f898c19434b7c8b6fb09b2766b89b", | |
| "59f27fdde29f4f2aa145d56b1f36091e", | |
| "61b73cfff39e4af380f9fdab6eb4c09e", | |
| "9d07781d64504c14a225bc2625532f57", | |
| "c1e53da3d26c4298af3ba7013c52f042", | |
| "8e6c4c47cbfa415a8e92eb89322beeb2", | |
| "78cbe4b7f45644cc9c0f42a30ee975ee", | |
| "055b973b87d14a59acf54aa4cd3c035f", | |
| "d7b463a80d234cf1a83b902986f5898d", | |
| "4446b76ab79d4af480767b36f04a3696", | |
| "7cc7e9aff9004420950333c088dbdbbb", | |
| "91d08ccb4ae742a4bdf7c7b268cce520", | |
| "979017356a1441f2a90f5c0425b5ee38", | |
| "8ed45dd50212416fb7c52bcdfe49d198", | |
| "952c7bd1b43f4addbebf138a26dda254", | |
| "f28f95dfd1dd4bc9a49b97cba289e5d3", | |
| "da2a1e5ba69340c78b82ac075e236c7f", | |
| "1c27db3639d24fc69ee9b35543582940", | |
| "8a23b75d5dc84e6db3328a641b02dcae" | |
| ] | |
| }, | |
| "executionInfo": { | |
| "elapsed": 676044, | |
| "status": "ok", | |
| "timestamp": 1759953024881, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "c963e021-ea98-4f9d-8412-a3d3eb56b891", | |
| "outputId": "75f19426-0f09-4bca-edf1-df3a8d1a22b8" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS2:\n", | |
| " #\n", | |
| " #\n", | |
| " batch_size = 500 # Set > max points per block to process one block at a time\n", | |
| " results = [] # store all batch DataFrames here\n", | |
| "\n", | |
| " for block_id in tqdm(block_ids, desc=\"Blocks\", position=0):\n", | |
| " df_block = samples_with_id_gdf[samples_with_id_gdf[\"block_id\"] == block_id]\n", | |
| " n_block = len(df_block)\n", | |
| "\n", | |
| " # Filter the current block\n", | |
| " current_block = blocks_gdf[blocks_gdf[\"block_id\"] == block_id]\n", | |
| "\n", | |
| " # Extract the geometry (GeoPandas)\n", | |
| " block_geom = current_block.geometry.values[0] # shapely geometry\n", | |
| "\n", | |
| " # Convert to EE geometry\n", | |
| " gee_block_geom = ee.Geometry.Polygon(list(block_geom.exterior.coords))\n", | |
| "\n", | |
| " # Now you can clip\n", | |
| " s1_block = s2_features.clip(gee_block_geom)\n", | |
| "\n", | |
| " # Inner bar for batches within the block\n", | |
| " for start in tqdm(range(0, n_block, batch_size),\n", | |
| " desc=f\"Block {block_id} batches\",\n", | |
| " position=1, # same \"line\" in terminal\n", | |
| " leave=False): # clears inner bar after done\n", | |
| " df_batch = df_block.iloc[start:start+batch_size]\n", | |
| " # ... do your sampling here ...\n", | |
| "\n", | |
| " # Construct EE FeatureCollection for the batch\n", | |
| " fc_batch = ee.FeatureCollection([\n", | |
| " ee.Feature(\n", | |
| " ee.Geometry.Point([row['x'], row['y']]),\n", | |
| " {'sample_id': row['sample_id'],\n", | |
| " }\n", | |
| " )\n", | |
| " for _, row in df_batch.iterrows()\n", | |
| " ])\n", | |
| "\n", | |
| " # Sample the batch\n", | |
| " sampled_batch = s1_block.sampleRegions(\n", | |
| " collection=fc_batch,\n", | |
| " properties=['sample_id'],\n", | |
| " scale=10,\n", | |
| " geometries=True\n", | |
| " )\n", | |
| "\n", | |
| " # Bring the sampled data back to Pandas\n", | |
| " data = sampled_batch.getInfo()['features']\n", | |
| " df_sampled = pd.DataFrame([\n", | |
| " {**f['properties'],\n", | |
| " 'lon': f['geometry']['coordinates'][0],\n", | |
| " 'lat': f['geometry']['coordinates'][1]}\n", | |
| " for f in data\n", | |
| " ])\n", | |
| "\n", | |
| " results.append(df_sampled)\n", | |
| "\n", | |
| " # Sleep a small random time between 0.05s and 0.5s\n", | |
| " time.sleep(random.uniform(0.05, 0.5))\n", | |
| " ###\n", | |
| " ###\n", | |
| "\n", | |
| " df_S2_samples = pd.concat(results, ignore_index=True)\n", | |
| " print(\"✅ Finished sampling all blocks\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "2f18b521-7049-4bc7-8833-d28c389742cd", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 529, | |
| "status": "ok", | |
| "timestamp": 1759953043197, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "2f18b521-7049-4bc7-8833-d28c389742cd", | |
| "outputId": "33d66cb0-35ab-4fbc-f99f-7bf1b71adc7e" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RunS2:\n", | |
| " #\n", | |
| " # Save as CSV or Parquet\n", | |
| " output_file_csv = \"S2_samples_2020.csv\"\n", | |
| " output_file_parquet = \"S2_samples_2020.parquet\"\n", | |
| "\n", | |
| " # CSV (human-readable, slightly larger)\n", | |
| " df_S2_samples.to_csv(output_file_csv, index=False)\n", | |
| "\n", | |
| " # Parquet (smaller, preserves dtypes, faster to load)\n", | |
| " df_S2_samples.to_parquet(output_file_parquet, index=False)\n", | |
| "\n", | |
| " print(f\"✅ Finished sampling all blocks. Output saved as '{output_file_csv}' and '{output_file_parquet}'\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "f33f2b9c-1036-4393-9949-d07ba91af4a2", | |
| "metadata": { | |
| "id": "f33f2b9c-1036-4393-9949-d07ba91af4a2" | |
| }, | |
| "source": [ | |
| "### 📦 Combining the data\n", | |
| "\n", | |
| "✅ Loaded 13523 samples with unique IDs.\n", | |
| "| block_id | sample_id |\n", | |
| "|:----------|:-------------|\n", | |
| "| 003-009 | 003-009_0001 |\n", | |
| "| 003-009 | 003-009_0002 |\n", | |
| "| 003-009 | 003-009_0003 |\n", | |
| "| 003-009 | 003-009_0004 |\n", | |
| "| 003-009 | 003-009_0005 |\n", | |
| "\n", | |
| "\n", | |
| "```\n", | |
| "# Define your expected output files\n", | |
| "files = {\n", | |
| " \"GE\": \"GE_samples_2020.csv\",\n", | |
| " \"S1\": \"S1_samples_2020.csv\",\n", | |
| " \"S2\": \"S2_samples_2020.csv\"\n", | |
| "}\n", | |
| "```" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "48533585-10af-4194-a43d-01f9dc583c6e", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 89 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 27, | |
| "status": "ok", | |
| "timestamp": 1759953057239, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "48533585-10af-4194-a43d-01f9dc583c6e", | |
| "outputId": "2cd8e980-6d34-43e4-9890-36e97449cb51" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "samples_with_id_gdf.columns" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "71dbbfb5-214c-4485-87ad-5672f6f4ad61", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 915, | |
| "status": "ok", | |
| "timestamp": 1759953060322, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "71dbbfb5-214c-4485-87ad-5672f6f4ad61", | |
| "outputId": "5262e12c-4cc5-4b26-cf55-09f11d774c78" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Load sample IDs (all_samples_gdf already has sample_id)\n", | |
| "all_samples_df = samples_with_id_gdf[['block_id', 'sample_id', 'x', 'y', 'Forest']].copy()\n", | |
| "\n", | |
| "# Load each dataset if the file exists\n", | |
| "GE_df = pd.read_csv(files['GE']) if os.path.exists(files['GE']) else None\n", | |
| "S1_df = pd.read_csv(files['S1']) if os.path.exists(files['S1']) else None\n", | |
| "S2_df = pd.read_csv(files['S2']) if os.path.exists(files['S2']) else None\n", | |
| "\n", | |
| "# Rename coordinates in the master sample table\n", | |
| "all_samples_df = all_samples_df.rename(columns={'x': 'lon', 'y': 'lat'})\n", | |
| "\n", | |
| "# Drop lat/lon from feature tables to avoid duplicates\n", | |
| "GE_df = GE_df.drop(columns=['lat', 'lon'], errors='ignore')\n", | |
| "S1_df = S1_df.drop(columns=['lat', 'lon'], errors='ignore')\n", | |
| "S2_df = S2_df.drop(columns=['lat', 'lon'], errors='ignore')\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "48650dbb-815b-4cd5-bea4-dd1d0582c236", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 162 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 7, | |
| "status": "ok", | |
| "timestamp": 1759953065126, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "48650dbb-815b-4cd5-bea4-dd1d0582c236", | |
| "outputId": "6c96f052-7d24-4fb7-a09e-a8746ca72d83" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "GE_df.columns" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "e9f374b8-cc56-4b74-bf53-65a5f5709a41", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 71 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 87, | |
| "status": "ok", | |
| "timestamp": 1759953067433, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "e9f374b8-cc56-4b74-bf53-65a5f5709a41", | |
| "outputId": "3c511edf-93d4-46c9-b7e1-5a0d19f5c497" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "S1_df.columns" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "7c35b4ea-9497-43dd-b8b4-1093088b1d1e", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 107 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 47, | |
| "status": "ok", | |
| "timestamp": 1759953075264, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "7c35b4ea-9497-43dd-b8b4-1093088b1d1e", | |
| "outputId": "2ebd640b-16cf-4a70-e30e-6505b293f94c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "S2_df.columns" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "d8efc5e6-9d33-468a-9129-4f297ca7aa83", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 560 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9, | |
| "status": "ok", | |
| "timestamp": 1759953075277, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "d8efc5e6-9d33-468a-9129-4f297ca7aa83", | |
| "outputId": "198ffab6-caf9-4c68-cc73-59e8ebc9376f" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Merge datasets on sample_id\n", | |
| "df_merged = all_samples_df.copy()\n", | |
| "\n", | |
| "if GE_df is not None:\n", | |
| "\n", | |
| " df_merged = df_merged.merge(GE_df, on='sample_id', how='left')\n", | |
| "\n", | |
| "if S1_df is not None:\n", | |
| " df_merged = df_merged.merge(S1_df, on='sample_id', how='left')\n", | |
| "\n", | |
| "\n", | |
| "if S2_df is not None:\n", | |
| " df_merged = df_merged.merge(S2_df, on='sample_id', how='left')\n", | |
| "\n", | |
| "\n", | |
| "print(f\"✅ Combined dataset shape: {df_merged.shape}\")\n", | |
| "print(df_merged.head())" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "53e4cbb1-0558-4d74-b1ab-123c2b0c8afe", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 270 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 11, | |
| "status": "ok", | |
| "timestamp": 1759953075291, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "53e4cbb1-0558-4d74-b1ab-123c2b0c8afe", | |
| "outputId": "376f72e5-9854-4490-efc9-2f9da909eea4" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "df_merged.columns" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "4cb7dca5-a45b-4b13-a9ac-7846e357651c", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 2547, | |
| "status": "ok", | |
| "timestamp": 1759953077836, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "4cb7dca5-a45b-4b13-a9ac-7846e357651c", | |
| "outputId": "161633cd-3547-4e8f-9a22-f234ff465586" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "feature_set_file = \"forest_feature_set_2020.csv\"\n", | |
| "\n", | |
| "df_merged.to_csv(feature_set_file, index=False)\n", | |
| "print(f\"✅ Feature set saved to {feature_set_file}\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "13783ab5-b7bd-490e-9335-bab683d48424", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 104, | |
| "status": "ok", | |
| "timestamp": 1759953077984, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "13783ab5-b7bd-490e-9335-bab683d48424" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "910caa14-db00-4a09-9db8-e046801ee8ed", | |
| "metadata": { | |
| "id": "910caa14-db00-4a09-9db8-e046801ee8ed" | |
| }, | |
| "source": [ | |
| "\n", | |
| "## Land-cover modeling\n", | |
| "\n", | |
| "### Step 1: Data exploration and preparation\n", | |
| "\n", | |
| "We will handle:\n", | |
| "- Load dataset and inspect basic info\n", | |
| "- Identify feature types: embeddings (A00-A63), SAR indices (VH/VV), optical indices (NDVI, EVI, MSAVI2, etc.)\n", | |
| "- Handle missing values\n", | |
| "- Assign spatial blocks for GroupKFold cross-validation\n", | |
| "\n", | |
| "README / Notes on Imputation:\n", | |
| "- Missing values are present only in some optical indices (NDVI, EVI, MSAVI2, NDWI, SWIR_NIR).\n", | |
| "- Missing target or coordinates are not observed; if they existed, rows would be dropped.\n", | |
| "- Feature imputation is done using sklearn's SimpleImputer:\n", | |
| " * strategy='mean' for embeddings (A00-A63)\n", | |
| " * strategy='median' for indices (SAR + optical features)\n", | |
| "- This ensures that all 13,523 samples are retained for modelling.\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "fa756190-4f02-4d94-9e62-37c8b78ec37b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 1000 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 1203, | |
| "status": "ok", | |
| "timestamp": 1759953079086, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "fa756190-4f02-4d94-9e62-37c8b78ec37b", | |
| "outputId": "0b354f04-651e-4747-b6a6-f70229b2f831" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# ---------- CONFIG ----------\n", | |
| "FILEPATH = feature_set_file # change to your path\n", | |
| "TARGET_COL = \"Forest\"\n", | |
| "LON_COL = \"lon\"\n", | |
| "LAT_COL = \"lat\"\n", | |
| "N_SPLITS = 5\n", | |
| "RANDOM_SEED = 42\n", | |
| "\n", | |
| "\n", | |
| "# ---------- STEP 1: Load & inspect data ----------\n", | |
| "print(\"Loading dataset...\")\n", | |
| "df = pd.read_csv(FILEPATH)\n", | |
| "print(f\"Dataset shape: {df.shape}\")\n", | |
| "print(\"Columns:\", df.columns.tolist())\n", | |
| "print(\"\\nSample rows:\")\n", | |
| "print(df.head())\n", | |
| "\n", | |
| "\n", | |
| "# ---------- STEP 2: Identify feature groups ----------\n", | |
| "# Embeddings: A00-A63\n", | |
| "embedding_cols = [f\"A{i:02d}\" for i in range(64)]\n", | |
| "print(f\"Embedding columns ({len(embedding_cols)}): {embedding_cols[:5]} ... {embedding_cols[-5:]}\")\n", | |
| "\n", | |
| "\n", | |
| "# Sentinel-1 SAR features\n", | |
| "sar_cols = ['VH_max','VH_mean','VH_min','VH_std','VV_max','VV_mean','VV_min','VV_std']\n", | |
| "print(f\"SAR columns ({len(sar_cols)}): {sar_cols}\")\n", | |
| "\n", | |
| "\n", | |
| "# Sentinel-2 optical indices\n", | |
| "optical_cols = ['EVI_amp_robust','EVI_mean','EVI_median','MSAVI2_amp_robust','MSAVI2_mean','MSAVI2_median',\n", | |
| "'NDVI_amp_robust','NDVI_mean','NDVI_median','NDWI_amp_robust','NDWI_mean','NDWI_median',\n", | |
| "'SWIR_NIR_amp_robust','SWIR_NIR_mean','SWIR_NIR_median']\n", | |
| "print(f\"Optical index columns ({len(optical_cols)}): {optical_cols}\")\n", | |
| "\n", | |
| "\n", | |
| "# Combine indices\n", | |
| "index_cols = sar_cols + optical_cols\n", | |
| "\n", | |
| "\n", | |
| "# ---------- STEP 3: Missing value check ----------\n", | |
| "missing_counts = df[embedding_cols + index_cols].isna().sum().sort_values(ascending=False)\n", | |
| "print(\"Missing values per feature (top 10):\")\n", | |
| "print(missing_counts.head(10))\n", | |
| "\n", | |
| "\n", | |
| "# Simple imputation\n", | |
| "print(\"Imputing missing values...\")\n", | |
| "if embedding_cols:\n", | |
| " print(\" strategy='mean' ...\")\n", | |
| " emb_imp = SimpleImputer(strategy=\"mean\")\n", | |
| " df[embedding_cols] = emb_imp.fit_transform(df[embedding_cols])\n", | |
| "if index_cols:\n", | |
| " print(\" strategy='median' ...\")\n", | |
| " idx_imp = SimpleImputer(strategy=\"median\")\n", | |
| " df[index_cols] = idx_imp.fit_transform(df[index_cols])\n", | |
| "\n", | |
| "# ---------- STEP 4: Use existing 5x5km blocks ----------\n", | |
| "# Each block_id corresponds to a 5×5 km area; no need to create new blocks\n", | |
| "print(f\"Number of unique 5x5km blocks: {df['block_id'].nunique()}\")\n", | |
| "\n", | |
| "\n", | |
| "# Create a numeric code for each unique block\n", | |
| "df['block_id_code'] = pd.Categorical(df['block_id']).codes\n", | |
| "\n", | |
| "plt.figure(figsize=(8,6))\n", | |
| "plt.scatter(df[LON_COL], df[LAT_COL], c=df['block_id_code'], cmap='tab20', s=6)\n", | |
| "plt.xlabel(LON_COL)\n", | |
| "plt.ylabel(LAT_COL)\n", | |
| "plt.title(\"Spatial blocks (5x5 km)\")\n", | |
| "plt.colorbar(label='block_id_code')\n", | |
| "plt.show()\n", | |
| "\n", | |
| "\n", | |
| "# ---------- STEP 5: Prepare GroupKFold splits ----------\n", | |
| "gkf = GroupKFold(n_splits=N_SPLITS)\n", | |
| "splits = list(gkf.split(X=df, y=df[TARGET_COL], groups=df['block_id']))\n", | |
| "for i, (train_idx, test_idx) in enumerate(splits):\n", | |
| " print(f\"Fold {i}: train {len(train_idx)}, test {len(test_idx)}\")\n", | |
| "\n", | |
| "\n", | |
| "print(\"Data preparation complete. Next: modeling pipelines for E, I, and E+I datasets.\")\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "dd6b822d-9103-42c4-9ad5-d2eff81c3dbd", | |
| "metadata": { | |
| "id": "dd6b822d-9103-42c4-9ad5-d2eff81c3dbd" | |
| }, | |
| "source": [ | |
| "### Step 2: Modeling" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "aa87fed0-f3f2-4340-945e-dce1583bc8de", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 89 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 6, | |
| "status": "ok", | |
| "timestamp": 1759953079093, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "aa87fed0-f3f2-4340-945e-dce1583bc8de", | |
| "outputId": "144f1adc-df1b-4135-e153-f2070d25738d" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# ======================================================\n", | |
| "# ⚙️ File Management and Execution Flags\n", | |
| "# ======================================================\n", | |
| "\n", | |
| "# Define expected key outputs\n", | |
| "model_files = {\n", | |
| " \"RF_MODEL\": r\"...rf_model_embeddings_full.pkl\",\n", | |
| " \"RF_RESULTS\": r\"...\\rf_gridsearch_results_metrics.csv\",\n", | |
| " \"RF_BESTPARAMS\": r\"...\\rf_best_params.json\",\n", | |
| " \"RF_SUMMARY\": r\"...\\rf_model_summary_metrics.csv\",\n", | |
| "}\n", | |
| "\n", | |
| "# Individual control for heavy computations\n", | |
| "boo_RecreateModel = False # 🚀 if True, retrains RF even if model exists\n", | |
| "\n", | |
| "def should_run_models(dataset_key, recreate_flag=False):\n", | |
| " \"\"\"Check if a dataset/model should be (re)computed based on file presence and overwrite flags.\"\"\"\n", | |
| " file_path = model_files[dataset_key]\n", | |
| " exists = os.path.exists(file_path)\n", | |
| "\n", | |
| " if exists and not overwrite and not recreate_flag:\n", | |
| " print(f\"✅ {dataset_key}: {os.path.basename(file_path)} already exists — skipping.\")\n", | |
| " return False\n", | |
| " elif exists and (overwrite or recreate_flag):\n", | |
| " print(f\"⚠️ {dataset_key}: {os.path.basename(file_path)} exists but overwrite/recreate=True — recomputing.\")\n", | |
| " return True\n", | |
| " else:\n", | |
| " print(f\"🆕 {dataset_key}: {os.path.basename(file_path)} missing — computing now.\")\n", | |
| " return True\n", | |
| "\n", | |
| "# ======================================================\n", | |
| "# 🧭 Evaluate What to Run\n", | |
| "# ======================================================\n", | |
| "boo_RecreateModel = should_run_models(\"RF_SUMMARY\", recreate_flag=False) # set to False to skip\n", | |
| "\n", | |
| "print(\"\\nExecution Plan:\")\n", | |
| "print(f\"Run the Statistical Models: {boo_RecreateModel}\")\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "ecc1823a-5ee3-429e-ae94-7bfa78587d82", | |
| "metadata": { | |
| "id": "ecc1823a-5ee3-429e-ae94-7bfa78587d82" | |
| }, | |
| "source": [ | |
| "#### KNeighborsClassifier" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "bbd648b4-60d1-44eb-aa26-e56de73032ca", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 234 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 1854, | |
| "status": "ok", | |
| "timestamp": 1759953080949, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "bbd648b4-60d1-44eb-aa26-e56de73032ca", | |
| "outputId": "c5b06c0a-12b2-4575-fc4a-2c87b1d911f6" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RecreateModel:\n", | |
| " #\n", | |
| " # ---------- CONFIG ----------\n", | |
| " N_NEIGHBORS = 5 # can be tuned\n", | |
| " FEATURE_COLS = embedding_cols # E dataset\n", | |
| " TARGET = TARGET_COL\n", | |
| "\n", | |
| " # Prepare results storage\n", | |
| " results_list = []\n", | |
| "\n", | |
| " # Loop over GroupKFold splits\n", | |
| " for fold, (train_idx, test_idx) in enumerate(splits):\n", | |
| " X_train = df.loc[train_idx, FEATURE_COLS].values\n", | |
| " y_train = df.loc[train_idx, TARGET].values\n", | |
| " X_test = df.loc[test_idx, FEATURE_COLS].values\n", | |
| " y_test = df.loc[test_idx, TARGET].values\n", | |
| "\n", | |
| " # Initialize kNN classifier\n", | |
| " knn = KNeighborsClassifier(n_neighbors=N_NEIGHBORS)\n", | |
| " knn.fit(X_train, y_train)\n", | |
| "\n", | |
| " # Predict probabilities for the positive class\n", | |
| " y_prob = knn.predict_proba(X_test)[:, 1]\n", | |
| "\n", | |
| " # Compute metrics\n", | |
| " auc = roc_auc_score(y_test, y_prob)\n", | |
| " pr_auc = average_precision_score(y_test, y_prob)\n", | |
| " brier = brier_score_loss(y_test, y_prob)\n", | |
| "\n", | |
| " # Store results\n", | |
| " results_list.append({\n", | |
| " 'fold': fold,\n", | |
| " 'AUC': auc,\n", | |
| " 'PR_AUC': pr_auc,\n", | |
| " 'Brier': brier\n", | |
| " })\n", | |
| " print(f\"Fold {fold}: AUC={auc:.3f}, PR_AUC={pr_auc:.3f}, Brier={brier:.3f}\")\n", | |
| "\n", | |
| " # Aggregate results\n", | |
| " results_df = pd.DataFrame(results_list)\n", | |
| " mean_results = results_df.mean()\n", | |
| " print(\"\\nAverage across folds:\")\n", | |
| " print(mean_results)\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "8a5dbc2f-1778-47a4-86cb-dd431251784d", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 32, | |
| "status": "ok", | |
| "timestamp": 1759953081007, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "8a5dbc2f-1778-47a4-86cb-dd431251784d" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "0e99e451-8fd3-4fe7-8d93-f4ab9d6a739b", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 1000 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 9116, | |
| "status": "ok", | |
| "timestamp": 1759953090125, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "0e99e451-8fd3-4fe7-8d93-f4ab9d6a739b", | |
| "outputId": "6e212626-7302-4402-d902-6767dc8a1ccc" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RecreateModel:\n", | |
| " #\n", | |
| " # Example: kNN baseline for E (embeddings)\n", | |
| " results_E, mean_E = knn_group_cv(df, feature_cols=embedding_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_neighbors=5,\n", | |
| " plot_curves=True)\n", | |
| "\n", | |
| " # Example: kNN baseline for I (indices only: S1 + S2)\n", | |
| " results_I, mean_I = knn_group_cv(df, feature_cols=index_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_neighbors=5,\n", | |
| " plot_curves=True)\n", | |
| "\n", | |
| "\n", | |
| " # Combine embeddings and indices\n", | |
| " combined_cols = embedding_cols + index_cols\n", | |
| "\n", | |
| " # kNN baseline for E+I (combined features)\n", | |
| " results_EI, mean_EI = knn_group_cv(df, feature_cols=combined_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_neighbors=5,\n", | |
| " plot_curves=True)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "98782010-0352-48f5-83ae-887a629c5763", | |
| "metadata": { | |
| "id": "98782010-0352-48f5-83ae-887a629c5763" | |
| }, | |
| "source": [ | |
| "#### RandomForestClassifier" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "b57dd8cc-3654-4196-a1be-c843d7030b1e", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 2, | |
| "status": "ok", | |
| "timestamp": 1759953090130, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "b57dd8cc-3654-4196-a1be-c843d7030b1e" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "10d443e4-2b6d-4a90-99d3-82f5a9c5c105", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 1000 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 178317, | |
| "status": "ok", | |
| "timestamp": 1759953268449, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "10d443e4-2b6d-4a90-99d3-82f5a9c5c105", | |
| "outputId": "18c90c59-7792-4e8c-b622-2b2e6192be33" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RecreateModel:\n", | |
| " # Random Forest for E (embeddings)\n", | |
| " results_rf_E, mean_rf_E = rf_group_cv(df, feature_cols=embedding_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_estimators=200,\n", | |
| " max_depth=None, plot_curves=True)\n", | |
| "\n", | |
| " # Random Forest for I (indices)\n", | |
| " results_rf_I, mean_rf_I = rf_group_cv(df, feature_cols=index_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_estimators=200,\n", | |
| " max_depth=None, plot_curves=True)\n", | |
| "\n", | |
| " # Random Forest for E+I (combined)\n", | |
| " combined_cols = embedding_cols + index_cols\n", | |
| " results_rf_EI, mean_rf_EI = rf_group_cv(df, feature_cols=combined_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_estimators=200,\n", | |
| " max_depth=None, plot_curves=True)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "19230611-034a-4202-ab72-1f436ff8ab45", | |
| "metadata": { | |
| "id": "19230611-034a-4202-ab72-1f436ff8ab45" | |
| }, | |
| "source": [ | |
| "#### XGBClassifier" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "4c23692f-c4e9-4b69-b26e-526968fd0791", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 14, | |
| "status": "ok", | |
| "timestamp": 1759953268497, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "4c23692f-c4e9-4b69-b26e-526968fd0791" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "882ac45a-d964-4193-8e10-cc7a19c9c0ac", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 1000 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 38996, | |
| "status": "ok", | |
| "timestamp": 1759953307516, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "882ac45a-d964-4193-8e10-cc7a19c9c0ac", | |
| "outputId": "1f29308f-4b0b-4ac5-e64f-79c4a052961a" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "if boo_RecreateModel:\n", | |
| " # XGBoost for E (embeddings)\n", | |
| " results_xgb_E, mean_xgb_E = xgb_group_cv(df, feature_cols=embedding_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_estimators=200,\n", | |
| " max_depth=6, learning_rate=0.1, plot_curves=True)\n", | |
| "\n", | |
| " # XGBoost for I (indices)\n", | |
| " results_xgb_I, mean_xgb_I = xgb_group_cv(df, feature_cols=index_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_estimators=200,\n", | |
| " max_depth=6, learning_rate=0.1, plot_curves=True)\n", | |
| "\n", | |
| " # XGBoost for E+I (combined)\n", | |
| " combined_cols = embedding_cols + index_cols\n", | |
| " results_xgb_EI, mean_xgb_EI = xgb_group_cv(df, feature_cols=combined_cols, target_col=TARGET_COL,\n", | |
| " group_col='block_id', n_splits=5, n_estimators=200,\n", | |
| " max_depth=6, learning_rate=0.1, plot_curves=True)\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "f7bd6bdd-28e0-4ec6-bfe2-e7c8c1846f86", | |
| "metadata": { | |
| "id": "f7bd6bdd-28e0-4ec6-bfe2-e7c8c1846f86" | |
| }, | |
| "source": [ | |
| "#### Collating the results" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "7e4bfbcb-6f03-4970-8e12-0501144dc74a", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 367 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 69, | |
| "status": "ok", | |
| "timestamp": 1759953307591, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "7e4bfbcb-6f03-4970-8e12-0501144dc74a", | |
| "outputId": "697caaff-7e20-480a-90f3-80194aa92d84" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "summary_path = model_files[\"RF_SUMMARY\"]\n", | |
| "\n", | |
| "if boo_RecreateModel:\n", | |
| " # Create a list of dictionaries for all scenarios\n", | |
| " print(\"🧠 Recreating summary metrics table...\")\n", | |
| " summary_list = [\n", | |
| " # kNN\n", | |
| " {'Algorithm': 'kNN', 'Features': 'Test 1: E', 'AUC': mean_E['AUC'], 'PR_AUC': mean_E['PR_AUC'], 'Brier': mean_E['Brier']},\n", | |
| " {'Algorithm': 'kNN', 'Features': 'Test 2: I', 'AUC': mean_I['AUC'], 'PR_AUC': mean_I['PR_AUC'], 'Brier': mean_I['Brier']},\n", | |
| " {'Algorithm': 'kNN', 'Features': 'Test 3: E+I', 'AUC': mean_EI['AUC'], 'PR_AUC': mean_EI['PR_AUC'], 'Brier': mean_EI['Brier']},\n", | |
| "\n", | |
| " # Random Forest\n", | |
| " {'Algorithm': 'Random Forest', 'Features': 'Test 1: E', 'AUC': mean_rf_E['AUC'], 'PR_AUC': mean_rf_E['PR_AUC'], 'Brier': mean_rf_E['Brier']},\n", | |
| " {'Algorithm': 'Random Forest', 'Features': 'Test 2: I', 'AUC': mean_rf_I['AUC'], 'PR_AUC': mean_rf_I['PR_AUC'], 'Brier': mean_rf_I['Brier']},\n", | |
| " {'Algorithm': 'Random Forest', 'Features': 'Test 3: E+I', 'AUC': mean_rf_EI['AUC'], 'PR_AUC': mean_rf_EI['PR_AUC'], 'Brier': mean_rf_EI['Brier']},\n", | |
| "\n", | |
| " # XGBoost\n", | |
| " {'Algorithm': 'XGBoost', 'Features': 'Test 1: E', 'AUC': mean_xgb_E['AUC'], 'PR_AUC': mean_xgb_E['PR_AUC'], 'Brier': mean_xgb_E['Brier']},\n", | |
| " {'Algorithm': 'XGBoost', 'Features': 'Test 2: I', 'AUC': mean_xgb_I['AUC'], 'PR_AUC': mean_xgb_I['PR_AUC'], 'Brier': mean_xgb_I['Brier']},\n", | |
| " {'Algorithm': 'XGBoost', 'Features': 'Test 3: E+I', 'AUC': mean_xgb_EI['AUC'], 'PR_AUC': mean_xgb_EI['PR_AUC'], 'Brier': mean_xgb_EI['Brier']},\n", | |
| " ]\n", | |
| "\n", | |
| " # Convert to DataFrame\n", | |
| " summary_df = pd.DataFrame(summary_list)\n", | |
| " summary_df = summary_df.sort_values(by=['Features','Algorithm']).reset_index(drop=True)\n", | |
| "\n", | |
| " # --- Save to CSV ---\n", | |
| " summary_df.to_csv(summary_path, index=False)\n", | |
| " print(f\"✅ Model summary saved to {summary_path}\")\n", | |
| "\n", | |
| "else:\n", | |
| " # --- Load existing summary ---\n", | |
| " print(\"🧠 Recreating summary metrics table from file...\")\n", | |
| " if os.path.exists(summary_path):\n", | |
| " print(\"📄 Loading existing model summary table...\")\n", | |
| " summary_df = pd.read_csv(summary_path)\n", | |
| " else:\n", | |
| " raise FileNotFoundError(f\"⚠️ Summary file not found at {summary_path}. \"\n", | |
| " \"Set boo_RecreateModel=True to regenerate it.\")\n", | |
| "\n", | |
| "# --- Display nicely formatted table ---\n", | |
| "try:\n", | |
| " display(\n", | |
| " summary_df.style\n", | |
| " .set_properties(subset=['Algorithm','Features'], **{'text-align': 'left'})\n", | |
| " .set_properties(subset=['AUC','PR_AUC','Brier'], **{'text-align': 'right'})\n", | |
| " .highlight_max(subset=['AUC','PR_AUC'], color='lightgreen')\n", | |
| " .highlight_min(subset=['Brier'], color='lightblue')\n", | |
| " .format({'AUC': '{:.3f}', 'PR_AUC': '{:.3f}', 'Brier': '{:.3f}'})\n", | |
| " )\n", | |
| "except Exception:\n", | |
| " print(summary_df)\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "692dff7a-6efd-4274-9c71-d43257a8efe3", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 360 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 726, | |
| "status": "ok", | |
| "timestamp": 1759953308326, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "692dff7a-6efd-4274-9c71-d43257a8efe3", | |
| "outputId": "e4f21bc9-69c9-4ee6-f443-99940ec3c0a8" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Prepare data (assuming summary_df already exists)\n", | |
| "summary_plot = summary_df.copy()\n", | |
| "summary_plot['Features'] = summary_plot['Features'].replace({\n", | |
| " 'Test 1: E': 'E',\n", | |
| " 'Test 2: I': 'I',\n", | |
| " 'Test 3: E+I': 'E+I'\n", | |
| "})\n", | |
| "\n", | |
| "sns.set(style=\"whitegrid\")\n", | |
| "fig, axes = plt.subplots(1, 3, figsize=(14,5))\n", | |
| "\n", | |
| "# Plot AUC\n", | |
| "sns.barplot(ax=axes[0], x='Features', y='AUC', hue='Algorithm', data=summary_plot)\n", | |
| "axes[0].set_ylim(0.7, 1.0)\n", | |
| "axes[0].set_title('AUC')\n", | |
| "axes[0].set_ylabel('')\n", | |
| "\n", | |
| "# Plot PR_AUC\n", | |
| "sns.barplot(ax=axes[1], x='Features', y='PR_AUC', hue='Algorithm', data=summary_plot)\n", | |
| "axes[1].set_ylim(0.7, 1.0)\n", | |
| "axes[1].set_title('PR AUC')\n", | |
| "axes[1].set_ylabel('')\n", | |
| "\n", | |
| "# Plot Brier\n", | |
| "sns.barplot(ax=axes[2], x='Features', y='Brier', hue='Algorithm', data=summary_plot)\n", | |
| "axes[2].set_title('Brier Score')\n", | |
| "axes[2].set_ylabel('')\n", | |
| "\n", | |
| "# Remove legends from individual subplots\n", | |
| "for ax in axes:\n", | |
| " ax.get_legend().remove()\n", | |
| "\n", | |
| "# Add a single horizontal legend on top\n", | |
| "handles, labels = axes[0].get_legend_handles_labels()\n", | |
| "fig.legend(handles, labels, loc='upper center', ncol=3, frameon=False)\n", | |
| "\n", | |
| "plt.tight_layout(rect=[0, 0, 1, 0.9]) # leave space on top for legend\n", | |
| "plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "a7d02036-4c9c-4047-95ad-5fdb8869e267", | |
| "metadata": { | |
| "id": "a7d02036-4c9c-4047-95ad-5fdb8869e267" | |
| }, | |
| "source": [ | |
| "### Key Takeaways from the Modeling Experiment\n", | |
| "\n", | |
| "1. **Embeddings capture forest/non-forest effectively** \n", | |
| " - High AUC ( ~0.95) and PR AUC ( ~0.96) for embeddings-only models show that the Google Satellite Embeddings encode **strong discriminative information** for JRC forest labels. \n", | |
| "\n", | |
| "2. **S1/S2 indices are partially embedded** \n", | |
| " - Including Sentinel-1 and Sentinel-2 indices (E+I) **does not significantly improve performance**. \n", | |
| " - This suggests that the indices’ signal is likely already encoded in the embeddings. \n", | |
| "\n", | |
| "3. **Indices alone are informative but weaker** \n", | |
| " - RF/XGBoost on indices-only yields AUC ~0.87, PR AUC ~0.87. \n", | |
| " - Indices can still contribute in cases where embeddings are unavailable, but embeddings dominate classification power. \n", | |
| "\n", | |
| "4. **RF vs XGBoost** \n", | |
| " - XGBoost gives only a **marginal improvement** over RF on embeddings. \n", | |
| " - Given RF’s simplicity, interpretability, and potential for further tuning, **RF is the recommended model** for this problem. \n", | |
| "\n", | |
| "5. **Calibration is good for nonlinear models on embeddings** \n", | |
| " - Brier scores ~0.09 indicate reliable probability estimates from RF/XGBoost, whereas kNN and indices-only models are less well-calibrated ( ~0.14–0.20). \n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### Overall Conclusion\n", | |
| "\n", | |
| "The learned satellite embeddings are highly effective for forest classification. For operational purposes, a **Random Forest on embeddings** offers the best combination of performance, calibration, and interpretability, with minimal benefit from adding indices or using XGBoost.\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "9ff5edf4-6878-4631-b69a-262759f76cda", | |
| "metadata": { | |
| "id": "9ff5edf4-6878-4631-b69a-262759f76cda" | |
| }, | |
| "source": [ | |
| "## Formal Hypothesis\n", | |
| "\n", | |
| "Let the Google Satellite embedding at pixel p be the 64-dimensional vector:\n", | |
| "\n", | |
| "**Xₚ ∈ R⁶⁴**\n", | |
| "\n", | |
| "and let the JRC forest label at pixel p be the binary variable:\n", | |
| "\n", | |
| "**Yₚ ∈ {0, 1}**\n", | |
| "\n", | |
| "(where Yₚ = 1 means \"forest\" and Yₚ = 0 means \"non-forest\" according to the EC-JRC Global Forest Cover 2020 (V2)).\n", | |
| "\n", | |
| "\n", | |
| "We test the following hypotheses:\n", | |
| "\n", | |
| "**Null hypothesis (H₀):** Xₚ contains **no predictive information** about forest presence, i.e. no classifier trained on \\( X_p \\) performs better than a random or trivial baseline.\n", | |
| "\n", | |
| "**Alternative hypothesis (Hₐ):** Xₚ contains **predictive information** about forest presence, i.e. a classifier trained on \\( X_p \\) performs **significantly better than baseline**.\n", | |
| "\n", | |
| "\n", | |
| "This is a standard **supervised classification test** for representational information: \n", | |
| "if models trained on **Xₚ** can predict **Yₚ** with **AUC**, **PR AUC**, or **Brier scores** substantially better than a no-skill or random model, we reject **H₀** in favor of **Hₐ**.\n", | |
| "\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### Experimental Design Summary\n", | |
| "\n", | |
| "- **Input variable**: 64-dimensional embedding vector (**Xₚ**)) from the Google Satellite Embedding dataset. \n", | |
| "- **Target variable**: Forest / Non-forest label (**Yₚ**)) from the EC-JRC Global Forest Cover map (2020, 10 m). \n", | |
| "- **Baselines**:\n", | |
| " - k-Nearest Neighbors (kNN): mimicking GEE’s default classifier. \n", | |
| " - Logistic Regression: optional linear baseline. \n", | |
| "- **Comparative models**:\n", | |
| " - Random Forest (RF) \n", | |
| " - XGBoost (XB)\n", | |
| "- **Evaluation metrics**: AUC, PR AUC, and Brier score (calibration). \n", | |
| "- **Cross-validation**: 5-fold *spatial* cross-validation grouped by 5×5 km block IDs.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### Decision Criterion\n", | |
| "\n", | |
| "If any classifier trained on embeddings **(Xₚ)** achieves:\n", | |
| "\n", | |
| "- **AUC > 0.8** \n", | |
| "- **PR AUC > 0.8** \n", | |
| "- **Brier score < 0.15**\n", | |
| "\n", | |
| "then the null hypothesis **H₀** can be **rejected**, confirming that the embeddings encode **ecologically meaningful information** related to forest cover.\n", | |
| "\n", | |
| "---\n", | |
| "\n", | |
| "### Empirical Outcome\n", | |
| "\n", | |
| "All models trained on embeddings achieved AUC ≈ 0.95 and PR AUC ≈ 0.96, far exceeding baseline performance. \n", | |
| "We therefore **reject H₀** and conclude that the Google Satellite Embeddings contain **strong predictive information** about forest presence at 10 m resolution.\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "e8e7d611-b8f1-45e7-b65a-ba6e118ceb62", | |
| "metadata": { | |
| "id": "e8e7d611-b8f1-45e7-b65a-ba6e118ceb62" | |
| }, | |
| "source": [ | |
| "### Geospatial verification" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "240cec52-5574-4dcd-96a6-461ffb30e791", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 107 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 7819, | |
| "status": "ok", | |
| "timestamp": 1759953316150, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "240cec52-5574-4dcd-96a6-461ffb30e791", | |
| "outputId": "e199fc62-249c-42e9-fc8d-333a74270eba" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "\n", | |
| "target_col=TARGET_COL\n", | |
| "df_samples = df.copy() #feature_cols=embedding_cols\n", | |
| "\n", | |
| "# Feature matrix and labels (from your sampled pixels)\n", | |
| "X_full = df_samples[embedding_cols].values\n", | |
| "y_full = df_samples[target_col].values\n", | |
| "\n", | |
| "# Split your sampled pixels into train/validation sets\n", | |
| "X_train, X_val, y_train, y_val = train_test_split(\n", | |
| " X_full, y_full, test_size=0.2, random_state=42, stratify=y_full\n", | |
| ")\n", | |
| "\n", | |
| "# Train the model on training set\n", | |
| "rf_model = RandomForestClassifier(\n", | |
| " n_estimators=200,\n", | |
| " max_depth=None,\n", | |
| " random_state=42,\n", | |
| " n_jobs=-1\n", | |
| ")\n", | |
| "rf_model.fit(X_train, y_train)\n", | |
| "\n", | |
| "# Predict on validation set\n", | |
| "y_prob = rf_model.predict_proba(X_val)[:,1]\n", | |
| "y_pred = rf_model.predict(X_val)\n", | |
| "\n", | |
| "# Compute metrics\n", | |
| "from sklearn.metrics import roc_auc_score, average_precision_score, brier_score_loss, accuracy_score\n", | |
| "\n", | |
| "auc = roc_auc_score(y_val, y_prob)\n", | |
| "pr_auc = average_precision_score(y_val, y_prob)\n", | |
| "brier = brier_score_loss(y_val, y_prob)\n", | |
| "acc = accuracy_score(y_val, y_pred)\n", | |
| "\n", | |
| "print(f\"Accuracy: {acc:.3f}\")\n", | |
| "print(f\"ROC AUC: {auc:.3f}\")\n", | |
| "print(f\"PR AUC: {pr_auc:.3f}\")\n", | |
| "print(f\"Brier score: {brier:.3f}\")\n", | |
| "\n", | |
| "# Save the trained model\n", | |
| "model_path = r\"...\\rf_model_embeddings_full.pkl\"\n", | |
| "joblib.dump(rf_model, model_path)\n", | |
| "print(f\"Random Forest model saved to {model_path}\")\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "9f90b5a3-02c6-48c9-ba7a-40d5866a8e02", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 53 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 132, | |
| "status": "ok", | |
| "timestamp": 1759953316285, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "9f90b5a3-02c6-48c9-ba7a-40d5866a8e02", | |
| "outputId": "770b80f3-fa11-4470-f8d1-67c195214842" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# -------------------------------\n", | |
| "# Paths\n", | |
| "# -------------------------------\n", | |
| "model_path = r\"...\\rf_model_embeddings_full.pkl\"\n", | |
| "results_csv = r\"...\\rf_gridsearch_results_metrics.csv\"\n", | |
| "best_params_json = r\"...\\rf_best_params.json\"\n", | |
| "\n", | |
| "# -------------------------------\n", | |
| "# 1. Prepare features and labels\n", | |
| "# -------------------------------\n", | |
| "df_samples = df.copy()\n", | |
| "feature_columns = embedding_cols\n", | |
| "target_col = TARGET_COL\n", | |
| "\n", | |
| "X_full = df_samples[feature_columns].values\n", | |
| "y_full = df_samples[target_col].values\n", | |
| "\n", | |
| "# -------------------------------\n", | |
| "# 2. Load or train RF model\n", | |
| "# -------------------------------\n", | |
| "if os.path.exists(model_path):\n", | |
| " print(\"Loading Random Forest model from disk.\")\n", | |
| " rf_final = joblib.load(model_path)\n", | |
| "\n", | |
| " # Load best params + metrics if available\n", | |
| " if os.path.exists(best_params_json):\n", | |
| " with open(best_params_json, \"r\") as f:\n", | |
| " best_info = json.load(f)\n", | |
| " print(f\"\\nBest hyperparameters by ROC AUC (loaded from file):\")\n", | |
| " print(best_info[\"best_params_auc\"])\n", | |
| " print(\"Metrics:\")\n", | |
| " for k, v in best_info.items():\n", | |
| " if k != \"best_params_auc\":\n", | |
| " print(f\" {k}: {v:.3f}\")\n", | |
| " else:\n", | |
| " print(\"⚠️ No best_params JSON found. Model loaded without metadata.\")\n", | |
| "\n", | |
| "else:\n", | |
| " print(\"Training Random Forest model (this can take ~40min)...\")\n", | |
| "\n", | |
| " # -------------------------------\n", | |
| " # 2a. Define hyperparameter grid\n", | |
| " # -------------------------------\n", | |
| " param_grid = {\n", | |
| " 'n_estimators': [200, 500, 800],\n", | |
| " 'max_depth': [None, 20, 30],\n", | |
| " 'min_samples_split': [2, 5, 10],\n", | |
| " 'min_samples_leaf': [1, 5, 10],\n", | |
| " 'class_weight': ['balanced']\n", | |
| " }\n", | |
| "\n", | |
| " grid = list(ParameterGrid(param_grid))\n", | |
| " print(f\"{len(grid)} hyperparameter combinations to try.\") # 81\n", | |
| "\n", | |
| " # -------------------------------\n", | |
| " # 2b. Setup CV folds\n", | |
| " # -------------------------------\n", | |
| " cv = StratifiedKFold(n_splits=3, shuffle=True, random_state=42)\n", | |
| "\n", | |
| " results = []\n", | |
| "\n", | |
| " # -------------------------------\n", | |
| " # 2c. Loop over hyperparameter combinations with tqdm\n", | |
| " # -------------------------------\n", | |
| " for params in tqdm(grid, desc=\"Grid Search CV\"):\n", | |
| " fold_metrics = {'auc': [], 'accuracy': [], 'pr_auc': [], 'brier': []}\n", | |
| "\n", | |
| " for train_idx, val_idx in cv.split(X_full, y_full):\n", | |
| " X_train, X_val = X_full[train_idx], X_full[val_idx]\n", | |
| " y_train, y_val = y_full[train_idx], y_full[val_idx]\n", | |
| "\n", | |
| " rf = RandomForestClassifier(**params, random_state=42, n_jobs=-1)\n", | |
| " rf.fit(X_train, y_train)\n", | |
| "\n", | |
| " y_prob = rf.predict_proba(X_val)[:, 1]\n", | |
| " y_pred = rf.predict(X_val)\n", | |
| "\n", | |
| " fold_metrics['auc'].append(roc_auc_score(y_val, y_prob))\n", | |
| " fold_metrics['accuracy'].append(accuracy_score(y_val, y_pred))\n", | |
| " fold_metrics['pr_auc'].append(average_precision_score(y_val, y_prob))\n", | |
| " fold_metrics['brier'].append(brier_score_loss(y_val, y_prob))\n", | |
| "\n", | |
| " results.append({\n", | |
| " 'params': params,\n", | |
| " 'mean_auc': np.mean(fold_metrics['auc']),\n", | |
| " 'mean_accuracy': np.mean(fold_metrics['accuracy']),\n", | |
| " 'mean_pr_auc': np.mean(fold_metrics['pr_auc']),\n", | |
| " 'mean_brier': np.mean(fold_metrics['brier'])\n", | |
| " })\n", | |
| "\n", | |
| " # -------------------------------\n", | |
| " # 3. Save full metrics\n", | |
| " # -------------------------------\n", | |
| " results_df = pd.DataFrame(results)\n", | |
| " results_df.to_csv(results_csv, index=False)\n", | |
| " print(f\"Full GridSearch metrics saved to {results_csv}\")\n", | |
| "\n", | |
| " # -------------------------------\n", | |
| " # 4. Save best hyperparameters by ROC AUC\n", | |
| " # -------------------------------\n", | |
| " best_row_auc = results_df.loc[results_df['mean_auc'].idxmax()]\n", | |
| " best_params_auc = best_row_auc['params']\n", | |
| "\n", | |
| " with open(best_params_json, 'w') as f:\n", | |
| " json.dump({\n", | |
| " \"best_params_auc\": best_params_auc,\n", | |
| " \"mean_auc\": best_row_auc['mean_auc'],\n", | |
| " \"mean_accuracy\": best_row_auc['mean_accuracy'],\n", | |
| " \"mean_pr_auc\": best_row_auc['mean_pr_auc'],\n", | |
| " \"mean_brier\": best_row_auc['mean_brier']\n", | |
| " }, f, indent=4)\n", | |
| " print(f\"Best hyperparameters by ROC AUC saved to {best_params_json}\")\n", | |
| "\n", | |
| " print(\"Best hyperparameters by ROC AUC:\")\n", | |
| " print(best_params_auc)\n", | |
| " print(\"Metrics:\",\n", | |
| " best_row_auc[['mean_accuracy','mean_auc','mean_pr_auc','mean_brier']].to_dict())\n", | |
| "\n", | |
| " # -------------------------------\n", | |
| " # 5. Train final model on full dataset\n", | |
| " # -------------------------------\n", | |
| " rf_final = RandomForestClassifier(**best_params_auc, random_state=42, n_jobs=-1)\n", | |
| " rf_final.fit(X_full, y_full)\n", | |
| "\n", | |
| " # Save model\n", | |
| " joblib.dump(rf_final, model_path)\n", | |
| " print(f\"Final model trained on full dataset and saved to {model_path}\")\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "fdf95aa9-c950-4e61-933f-44d8811f53fc", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 4, | |
| "status": "ok", | |
| "timestamp": 1759953316294, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "fdf95aa9-c950-4e61-933f-44d8811f53fc" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "2d1e3053-ee12-417b-8c82-07b1ca883de0", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 71 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 296, | |
| "status": "ok", | |
| "timestamp": 1759953316596, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "2d1e3053-ee12-417b-8c82-07b1ca883de0", | |
| "outputId": "c27427c6-f70d-47f0-f75e-99d7c753473a" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# --- 0. Load JRC image (forest = 1, non-forest = 0) ---\n", | |
| "#image2020 = ee.ImageCollection('JRC/GFC2020/V2').mosaic().select('Map').unmask(0)\n", | |
| "\n", | |
| "#print(\"JRC bands:\", image2020.bandNames().getInfo())\n", | |
| "\n", | |
| "# --- Try loading band names ---\n", | |
| "try:\n", | |
| " bands = image2020.bandNames().getInfo()\n", | |
| " print(\"✅ JRC bands (from existing image):\", bands)\n", | |
| "\n", | |
| "except Exception as e:\n", | |
| " print(\"⚠️ Error reading band names:\", e)\n", | |
| " print(\"Reinitializing image2020 from JRC/GFC2020/V2...\")\n", | |
| "\n", | |
| " # Fallback: load JRC Global Forest Cover dataset\n", | |
| " image2020 = ee.ImageCollection('JRC/GFC2020/V2').mosaic().select('Map').unmask(0)\n", | |
| "\n", | |
| " # Confirm recovery\n", | |
| " try:\n", | |
| " bands = image2020.bandNames().getInfo()\n", | |
| " print(\"✅ JRC bands (from reloaded image):\", bands)\n", | |
| " except Exception as e2:\n", | |
| " print(\"❌ Still unable to get band names:\", e2)\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "f76d88c9-ea5d-4942-8435-a8f4774850f4", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 126 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 17, | |
| "status": "ok", | |
| "timestamp": 1759953316617, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "f76d88c9-ea5d-4942-8435-a8f4774850f4", | |
| "outputId": "af1cad74-55c3-44ba-f745-25e25f79b4e0" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Compute median n_nonforest\n", | |
| "median_value = blocks_gdf['n_nonforest'].median()+10\n", | |
| "\n", | |
| "# Find the row whose n_nonforest is closest to the median\n", | |
| "idx = (blocks_gdf['n_nonforest'] - median_value).abs().idxmin()\n", | |
| "median_block = blocks_gdf.loc[idx]\n", | |
| "\n", | |
| "print(f\"Median n_nonforest: {median_value}\")\n", | |
| "print(\"Block closest to median:\")\n", | |
| "print(median_block[['block_id', 'n_forest', 'n_nonforest']])" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "beae9f48-4a5b-45a7-a9b0-481179e3f099", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 31, | |
| "status": "ok", | |
| "timestamp": 1759953316676, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "beae9f48-4a5b-45a7-a9b0-481179e3f099", | |
| "outputId": "a0f576fd-4a08-4a5e-b8b2-f6d2feb2eb59" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "block_geom_wgs = blocks_gdf.geometry.iloc[idx]\n", | |
| "gee_block_geom = ee.Geometry.Polygon(list(block_geom_wgs.exterior.coords))" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "ce9f711d-ce3d-464b-b67c-d0ef6c782b84", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 532 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 1988, | |
| "status": "ok", | |
| "timestamp": 1759953318668, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "ce9f711d-ce3d-464b-b67c-d0ef6c782b84", | |
| "outputId": "bcd6a7fe-0ec5-4d8e-e48f-cdd31b97418d" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "##cmap = plt.colormaps['Greens'].resampled(2)\n", | |
| "cmap = ListedColormap(['lightgray', 'green']) # 0=non-forest, 1=forest\n", | |
| "\n", | |
| "# Ensure jrc_block has a valid projection\n", | |
| "proj = image2020.projection().atScale(10)\n", | |
| "\n", | |
| "# Clip and unmask directly\n", | |
| "jrc_block_fixed = image2020.clip(gee_block_geom).unmask(0).rename('Forest')\n", | |
| "\n", | |
| "jrc_block_fixed = jrc_block_fixed.set({'system:time_start': ee.Date('2020-12-31T23:59:00').millis()})\n", | |
| "\n", | |
| "# Open in xarray\n", | |
| "ds_block = xr.open_dataset(\n", | |
| " jrc_block_fixed,\n", | |
| " engine='ee',\n", | |
| " geometry=gee_block_geom,\n", | |
| " scale=10,\n", | |
| " projection=proj\n", | |
| ")\n", | |
| "\n", | |
| "# Select the Forest band\n", | |
| "da_block = ds_block['Forest']\n", | |
| "\n", | |
| "# Convert to numpy array and remove the extra dimension\n", | |
| "arr_block = da_block.values.squeeze() # removes singleton dimensions, shape becomes (height, width)\n", | |
| "\n", | |
| "# Flip vertically (north up) and horizontally (west left) as needed\n", | |
| "arr_block = (np.fliplr(arr_block)) # flips both axes\n", | |
| "\n", | |
| "# Optional: transpose if you want x,y axes to match array columns/rows\n", | |
| "arr_block = arr_block.T # only if needed\n", | |
| "\n", | |
| "# Check shape\n", | |
| "print(arr_block.shape)\n", | |
| "\n", | |
| "# # Plot\n", | |
| "plt.figure(figsize=(6,6))\n", | |
| "# cmap = plt.cm.get_cmap('Greens', 2) # 2 discrete colors: 0=non-forest, 1=forest\n", | |
| "# cmap = ListedColormap(['lightgray', 'green']) # 0=non-forest, 1=forest\n", | |
| "plt.imshow(arr_block, cmap=cmap, origin='upper')\n", | |
| "plt.colorbar(ticks=[0,1], label='Forest class (0=non-forest, 1=forest)')\n", | |
| "plt.title('JRC Forest / Non-Forest')\n", | |
| "plt.axis('off')\n", | |
| "plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "01c70b67-3c19-4b8a-af5d-a85396b46ecb", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 506 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 86773, | |
| "status": "ok", | |
| "timestamp": 1759953405445, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "01c70b67-3c19-4b8a-af5d-a85396b46ecb", | |
| "outputId": "c1ddfa7a-4c63-4fe0-c51e-5e5dd6fbe55d" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "nc_path = r\"...\\ds_GE_block.nc\"\n", | |
| "\n", | |
| "if os.path.exists(nc_path):\n", | |
| " print(\"Loading NetCDF from disk.\")\n", | |
| " ds_GE_block = xr.open_dataset(nc_path)\n", | |
| "\n", | |
| "else:\n", | |
| " print(\"Downloading from GEE and saved to NetCDF.\")\n", | |
| " # Ensure jrc_block has a valid projection\n", | |
| " proj = embeddings_image.projection().atScale(10)\n", | |
| "\n", | |
| " # Clip and unmask directly\n", | |
| " GE_block = embeddings_image.clip(gee_block_geom)\n", | |
| "\n", | |
| " GE_block = GE_block.set({'system:time_start': ee.Date('2020-12-31T23:59:00').millis()})\n", | |
| "\n", | |
| " # Open in xarray\n", | |
| " ds_GE_block = xr.open_dataset(\n", | |
| " GE_block,\n", | |
| " engine='ee',\n", | |
| " geometry=gee_block_geom,\n", | |
| " scale=10,\n", | |
| " projection=proj\n", | |
| " )\n", | |
| "\n", | |
| " # Save with compression to reduce file size\n", | |
| " ds_GE_block.to_netcdf(\n", | |
| " nc_path,\n", | |
| " format=\"NETCDF4\",\n", | |
| " encoding={var: {'zlib': True, 'complevel': 4} for var in ds_GE_block.data_vars}\n", | |
| " )\n", | |
| " print(f\"File {nc_path} exists after saving?\", os.path.exists(nc_path))\n", | |
| "\n", | |
| "print(ds_GE_block)\n", | |
| "\n", | |
| "\n", | |
| "lat = ds_GE_block.lat.values\n", | |
| "lon = ds_GE_block.lon.values\n", | |
| "print(\"lat[0], lat[-1]:\", lat[0], lat[-1])\n", | |
| "print(\"lon[0], lon[-1]:\", lon[0], lon[-1])\n", | |
| "\n", | |
| "# Extract all embedding bands from your ds_GE_block\n", | |
| "da_embeddings = ds_GE_block.to_array().squeeze() # shape: (band, lat, lon)\n", | |
| "\n", | |
| "# Convert to numpy and align orientation\n", | |
| "arr_embeddings = da_embeddings.values\n", | |
| "\n", | |
| "# Flip vertically (north-up)\n", | |
| "arr_embeddings = np.flip(arr_embeddings, axis=1) # axis=1 → lat dimension\n", | |
| "\n", | |
| "# Transpose lat/lon if needed to match mask orientation\n", | |
| "arr_embeddings = np.transpose(arr_embeddings, (0, 2, 1)) # (band, y, x)\n", | |
| "\n", | |
| "# Optional sanity check\n", | |
| "print(arr_embeddings.shape) # (n_bands, height, width)\n", | |
| "\n", | |
| "\n", | |
| "\n", | |
| "# # # Plot\n", | |
| "# plt.figure(figsize=(6,6))\n", | |
| "# # cmap = plt.cm.get_cmap('Greens', 2) # 2 discrete colors: 0=non-forest, 1=forest\n", | |
| "# # cmap = ListedColormap(['lightgray', 'green']) # 0=non-forest, 1=forest\n", | |
| "# plt.imshow(arr_block, cmap=cmap, origin='upper')\n", | |
| "# plt.colorbar(ticks=[0,1], label='Forest class (0=non-forest, 1=forest)')\n", | |
| "# plt.title('JRC Forest / Non-Forest')\n", | |
| "# plt.axis('off')\n", | |
| "# plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "be14b92d-d41b-499b-8248-673d4b070a60", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 521 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 821, | |
| "status": "ok", | |
| "timestamp": 1759953406272, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "be14b92d-d41b-499b-8248-673d4b070a60", | |
| "outputId": "5bee2d84-0cad-44cb-fc5c-c0366755984b" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Select tile A44 (index 44)\n", | |
| "arr_a44 = arr_embeddings[44, :, :]\n", | |
| "\n", | |
| "# Plot\n", | |
| "arr_a44 = np.flipud(arr_a44)\n", | |
| "arr_a44 = np.fliplr(arr_a44)\n", | |
| "\n", | |
| "plt.figure(figsize=(6,6))\n", | |
| "plt.imshow(arr_a44, cmap=\"viridis\", origin=\"upper\")\n", | |
| "plt.title(\"A44 – Embedding Structure (North-Up / West-Left)\")\n", | |
| "plt.axis(\"off\")\n", | |
| "plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "6a93f5b2-feb8-4863-9505-2593bbd01343", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 8, | |
| "status": "ok", | |
| "timestamp": 1759953406285, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "6a93f5b2-feb8-4863-9505-2593bbd01343", | |
| "outputId": "cff50663-63d1-49f7-bf0e-b3b7048a6701" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "X = arr_embeddings.reshape(arr_embeddings.shape[0], -1).T # (pixels, features)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "2df6bf21-e051-4df6-b928-8bfec2466ec1", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 252 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 10, | |
| "status": "ok", | |
| "timestamp": 1759953406299, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "2df6bf21-e051-4df6-b928-8bfec2466ec1", | |
| "outputId": "b0c4f387-1814-4ea3-86f8-fc4ca1ff8ea3" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "X" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "c05e27da-00ca-46ec-a039-5691c4133491", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 6434, | |
| "status": "ok", | |
| "timestamp": 1759953600486, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "c05e27da-00ca-46ec-a039-5691c4133491", | |
| "outputId": "44039263-ddf8-48b5-f920-7e6a61cd8a4f" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# -------------------------------\n", | |
| "# Flip embeddings north-up to match JRC mask\n", | |
| "# -------------------------------\n", | |
| "arr_embeddings_aligned = np.flip(arr_embeddings, axis=2) # axis=1 is latitude\n", | |
| "\n", | |
| "# Flip longitude (x-axis) if needed\n", | |
| "arr_embeddings_aligned = np.fliplr(arr_embeddings_aligned) # flips axis=2 (longitude)\n", | |
| "\n", | |
| "# Flatten for prediction\n", | |
| "X = arr_embeddings_aligned.reshape(arr_embeddings_aligned.shape[0], -1).T # pixels × features\n", | |
| "\n", | |
| "# Mask out NaNs\n", | |
| "valid_mask = ~np.isnan(X).any(axis=1)\n", | |
| "X_valid = X[valid_mask]\n", | |
| "\n", | |
| "# Predict\n", | |
| "y_pred = rf_final.predict(X_valid) # your Random Forest\n", | |
| "\n", | |
| "# # Map back to 2D grid\n", | |
| "height, width = arr_embeddings.shape[1], arr_embeddings.shape[2]\n", | |
| "# y_grid = np.full((height*width,), np.nan)\n", | |
| "# y_grid[valid_mask] = y_pred\n", | |
| "# y_grid = y_grid.reshape((height, width))\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "f0bffb0e-53e5-49f7-be65-7be0d728c6b2", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 3657, | |
| "status": "ok", | |
| "timestamp": 1759953608578, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "f0bffb0e-53e5-49f7-be65-7be0d728c6b2", | |
| "outputId": "191ed620-f6b4-41f2-b3ea-886c242c940c" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# ----------------------------------------------------\n", | |
| "# ✅ Align and flatten ground truth\n", | |
| "# ----------------------------------------------------\n", | |
| "# Ensure arr_block (ground truth) matches embedding grid\n", | |
| "assert arr_block.shape == (height, width), \"Shape mismatch between JRC and embeddings!\"\n", | |
| "\n", | |
| "# Flatten\n", | |
| "y_true = arr_block.flatten()\n", | |
| "\n", | |
| "# Replace NaN with 0 (non-forest)\n", | |
| "y_true = np.nan_to_num(y_true, nan=0)\n", | |
| "\n", | |
| "# Apply same mask as embeddings\n", | |
| "y_true_valid = y_true[valid_mask]\n", | |
| "\n", | |
| "# ----------------------------------------------------\n", | |
| "# ✅ Compute Metrics\n", | |
| "# ----------------------------------------------------\n", | |
| "y_prob = rf_final.predict_proba(X_valid)[:, 1]\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "557a8a64-1edc-4c51-9a71-5386ba99c7ec", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 53 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 5068, | |
| "status": "ok", | |
| "timestamp": 1759953618947, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "557a8a64-1edc-4c51-9a71-5386ba99c7ec", | |
| "outputId": "84a1a47c-9139-4b01-f2e3-0af64db6f8ad" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Assuming you have y_true and y_prob\n", | |
| "fpr, tpr, thresholds_roc = roc_curve(y_true_valid, y_prob)\n", | |
| "precision, recall, thresholds_pr = precision_recall_curve(y_true_valid, y_prob)\n", | |
| "\n", | |
| "# Option 1: Maximize Youden’s J statistic (TPR - FPR)\n", | |
| "# as the maximum value of the index may be used as a criterion\n", | |
| "# for selecting the optimum cut-off point when a diagnostic test\n", | |
| "j_scores = tpr - fpr\n", | |
| "best_threshold_roc = thresholds_roc[np.argmax(j_scores)]\n", | |
| "\n", | |
| "# Option 2: Maximize F1-score\n", | |
| "f1_scores = [f1_score(y_true_valid, (y_prob >= t).astype(int)) for t in thresholds_pr[:-1]]\n", | |
| "best_threshold_f1 = thresholds_pr[np.argmax(f1_scores)]\n", | |
| "\n", | |
| "print(f\"Best threshold (Youden’s J): {best_threshold_roc:.3f}\")\n", | |
| "print(f\"Best threshold (F1): {best_threshold_f1:.3f}, for F1 = {max(f1_scores):.3f}\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "0ec858ec-d5ea-4f9e-b1ba-dfba92398678", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 35 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 53, | |
| "status": "ok", | |
| "timestamp": 1759953623095, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "0ec858ec-d5ea-4f9e-b1ba-dfba92398678", | |
| "outputId": "05efe920-36d4-4cca-e78b-d61e789d8365" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "max(f1_scores)" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "d68f6801-ab54-4d3c-a9b5-1acd84e1fd48", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 107 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 136, | |
| "status": "ok", | |
| "timestamp": 1759953625185, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "d68f6801-ab54-4d3c-a9b5-1acd84e1fd48", | |
| "outputId": "b03818e3-4db2-445d-fe03-60747c1a58d1" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# ----------------------------------------------------\n", | |
| "# ✅ Compute Metrics\n", | |
| "# ----------------------------------------------------\n", | |
| "y_pred = (y_prob >= best_threshold_f1).astype(int)\n", | |
| "y_pred = (y_prob >= best_threshold_roc).astype(int)\n", | |
| "\n", | |
| "# Map back to 2D grid\n", | |
| "height, width = arr_embeddings.shape[1], arr_embeddings.shape[2]\n", | |
| "y_grid = np.full((height*width,), np.nan)\n", | |
| "y_grid[valid_mask] = y_pred\n", | |
| "y_grid = y_grid.reshape((height, width))\n", | |
| "\n", | |
| "acc = accuracy_score(y_true_valid, y_pred)\n", | |
| "auc = roc_auc_score(y_true_valid, y_prob)\n", | |
| "pr_auc = average_precision_score(y_true_valid, y_prob)\n", | |
| "brier = brier_score_loss(y_true_valid, y_prob)\n", | |
| "\n", | |
| "print(\"📊 Validation metrics over this block:\")\n", | |
| "print(f\" Accuracy: {acc:.3f}\")\n", | |
| "print(f\" ROC AUC: {auc:.3f}\")\n", | |
| "print(f\" PR AUC: {pr_auc:.3f}\")\n", | |
| "print(f\" Brier: {brier:.3f}\")" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "224fbacc-544e-4e37-b2df-1bfe01352080", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 64, | |
| "status": "ok", | |
| "timestamp": 1759953636216, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "224fbacc-544e-4e37-b2df-1bfe01352080" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "4bc1bd9a-5ded-49a3-9b6e-03e219f89ba5", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 472 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 979, | |
| "status": "ok", | |
| "timestamp": 1759953637197, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "4bc1bd9a-5ded-49a3-9b6e-03e219f89ba5", | |
| "outputId": "575b1d68-b965-4715-baa5-067aaac1df74" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "plt.figure(figsize=(12,5))\n", | |
| "plt.subplot(1,2,1)\n", | |
| "plt.title(\"Predicted forest mask\")\n", | |
| "plt.imshow(y_grid, cmap='Greens', origin='upper')\n", | |
| "plt.subplot(1,2,2)\n", | |
| "plt.title(\"JRC ground truth\")\n", | |
| "plt.imshow(arr_block, cmap='Greens', origin='upper')\n", | |
| "plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "1c760bf0-d79c-4779-b933-3b5a214ffc0e", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 445 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 695, | |
| "status": "ok", | |
| "timestamp": 1759953637895, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "1c760bf0-d79c-4779-b933-3b5a214ffc0e", | |
| "outputId": "d4f136d1-c15a-45e1-e35a-b7262a36480d" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# -----------------------------\n", | |
| "# Thresholds and colors\n", | |
| "# -----------------------------\n", | |
| "f1_thresh = 0.2\n", | |
| "youden_thresh = 0.6\n", | |
| "boundaries = [0, f1_thresh, 0.3, 0.4, 0.5, youden_thresh, 1] # 7 boundaries → 6 intervals\n", | |
| "\n", | |
| "# Use top green from 'Greens' colormap\n", | |
| "cmap_base = plt.colormaps['Greens']\n", | |
| "green_rgba = cmap_base(1.0)\n", | |
| "green_hex = \"#{:02x}{:02x}{:02x}\".format(int(green_rgba[0]*255),\n", | |
| " int(green_rgba[1]*255),\n", | |
| " int(green_rgba[2]*255))\n", | |
| "\n", | |
| "colors = [\"#ffffff\", \"#d9f0d3\", \"#a6d96a\", \"#66bd63\", \"#1a9850\", green_hex]\n", | |
| "cmap = ListedColormap(colors)\n", | |
| "norm = BoundaryNorm(boundaries, cmap.N)\n", | |
| "\n", | |
| "# -----------------------------\n", | |
| "# Prepare predicted probability grid\n", | |
| "# -----------------------------\n", | |
| "# Flattened X → predicted probabilities y_prob\n", | |
| "height, width = arr_embeddings_aligned.shape[1], arr_embeddings_aligned.shape[2]\n", | |
| "y_prob_grid = np.full((height*width,), np.nan)\n", | |
| "y_prob_grid[valid_mask] = y_prob\n", | |
| "y_prob_grid = y_prob_grid.reshape((height, width))\n", | |
| "\n", | |
| "# -----------------------------\n", | |
| "# Plotting\n", | |
| "# -----------------------------\n", | |
| "fig, axes = plt.subplots(1, 2, figsize=(12, 5))\n", | |
| "\n", | |
| "# --- Predicted probability map ---\n", | |
| "ax = axes[0]\n", | |
| "im = ax.imshow(y_prob_grid, cmap=cmap, norm=norm, origin='upper',\n", | |
| " interpolation='none', extent=[0, width, 0, height])\n", | |
| "ax.set_title(\"Predicted forest probability\")\n", | |
| "\n", | |
| "# Gridlines\n", | |
| "ax.set_xticks(np.arange(0, width+1, 100))\n", | |
| "ax.set_yticks(np.arange(0, height+1, 100))\n", | |
| "ax.grid(color='gray', linestyle='--', linewidth=0.5)\n", | |
| "ax.tick_params(length=0)\n", | |
| "#ax.axis('off')\n", | |
| "\n", | |
| "# Hide tick labels but keep gridlines\n", | |
| "#ax.set_xticklabels([])\n", | |
| "ax.set_yticklabels([])\n", | |
| "\n", | |
| "# Colorbar on the left\n", | |
| "divider = make_axes_locatable(ax)\n", | |
| "cax = divider.append_axes(\"left\", size=\"5%\", pad=0.1)\n", | |
| "cbar = fig.colorbar(im, cax=cax, orientation='vertical')\n", | |
| "cbar.set_label(\"Forest probability, with thresholds\")\n", | |
| "\n", | |
| "# Get the default ticks\n", | |
| "ticks = cbar.get_ticks()\n", | |
| "\n", | |
| "# Create labels: default numeric labels, but replace F1/Youden with annotated strings\n", | |
| "tick_labels = [f\"[F1] {f1_thresh:.2f}\" if t==f1_thresh\n", | |
| " else f\"[Youden] {youden_thresh:.2f}\" if t==youden_thresh\n", | |
| " else f\"{t:.2f}\"\n", | |
| " for t in ticks]\n", | |
| "\n", | |
| "cbar.set_ticklabels(tick_labels)\n", | |
| "\n", | |
| "cax.yaxis.set_ticks_position('left')\n", | |
| "cax.yaxis.set_label_position('left')\n", | |
| "\n", | |
| "# --- Ground truth map ---\n", | |
| "ax = axes[1]\n", | |
| "ax.imshow(arr_block, cmap='Greens', origin='upper', interpolation='none', extent=[0, width, 0, height])\n", | |
| "ax.set_title(\"JRC ground truth (binary [0/1])\")\n", | |
| "\n", | |
| "# Matching gridlines\n", | |
| "ax.set_xticks(np.arange(0, width+1, 100))\n", | |
| "ax.set_yticks(np.arange(0, height+1, 100))\n", | |
| "ax.grid(color='gray', linestyle='--', linewidth=0.5)\n", | |
| "ax.tick_params(length=0)\n", | |
| "#ax.axis('off')\n", | |
| "\n", | |
| "#plt.tight_layout()\n", | |
| "plt.subplots_adjust(wspace=-0.125) # smaller number → closer, larger → further apart\n", | |
| "plt.show()" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "3c8078ec-8e96-4bf3-8fde-09547787e448", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 6, | |
| "status": "ok", | |
| "timestamp": 1759953637904, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "3c8078ec-8e96-4bf3-8fde-09547787e448" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "ddee8908-81c6-4657-ad28-710bdacb571c", | |
| "metadata": { | |
| "id": "ddee8908-81c6-4657-ad28-710bdacb571c" | |
| }, | |
| "source": [ | |
| "## The Investigation - \"Probing the Black Box: What Our AI Model Actually Learned\"" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "040816a1-2685-49a6-b2d6-78ff6e0f3a14", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 17 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 6, | |
| "status": "ok", | |
| "timestamp": 1759953637913, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "040816a1-2685-49a6-b2d6-78ff6e0f3a14", | |
| "outputId": "8733953e-4af6-4d8c-fb90-c6c7b8796590" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# Features: embeddings only\n", | |
| "embedding_cols = [c for c in df.columns if c.startswith('A')]\n", | |
| "\n", | |
| "# Target indices (S1 + S2 derived)\n", | |
| "index_cols = [\n", | |
| " 'NDVI_mean', 'EVI_mean', 'MSAVI2_mean', 'NDWI_mean', 'SWIR_NIR_mean'\n", | |
| "]" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "6af1d984-597e-4137-8cc7-e03ef4966495", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 758, | |
| "referenced_widgets": [ | |
| "3aca0cbf8c074981aeeb4ec25af82cd5", | |
| "92b92a7a9deb41aabc37b6b47fe50558", | |
| "847fc342c99b4837b51434fcfd56c45b", | |
| "b153b367cc2c47ff97ac81e3c181a0ca", | |
| "3509883e93154ddaba6f92a7aeabe4e5", | |
| "702f8c6dfc534753b6cc300e1fbeb7f8", | |
| "29ea0b89c78a4312a111dccbfbcf1d41", | |
| "70cc4c7d930647ecb306c15abb6605da", | |
| "2e0cc8ed51814657b79dfbd6bb02f3b0", | |
| "0c171c4b6c8d496cbf55f9d144a7f379", | |
| "6e42a1d1d19f4089ba0f200b3ebcfa3e", | |
| "bdc9a299055c4ebc8ea8e0bf8cbfd4d7", | |
| "9023b7ba456b47c6ba272e5b91743759", | |
| "58f4c72abb6e49988f162b0fd3cf827b", | |
| "febc2c6ccd5b46e5b67591e17e14d992", | |
| "aa50263afd8f4209b8c42df937d08aa3", | |
| "c752baf222264b428e1f5385c3f96f34", | |
| "b59c7b57eecf473f84e3f7dcb07ab61e", | |
| "140bd69b3f2d42a78627c75f9f61ff4c", | |
| "d9a9d67c655a43cd809e6b5878ee87e3", | |
| "c64a1b676aa64469adcfffc63fa12661", | |
| "d77678686ffe4940a92b5e64f7e5008b", | |
| "a4f4a22037d44a88a6b7b0a43728b5f8", | |
| "25b3a731f7f04edaa9bc34f539a4e007", | |
| "4a11c5774a9548debaba9000bdb18554", | |
| "3e89ec465f4d49249befbf22a524a656", | |
| "6ffe72df1b0e4be6a286528248f6bb13", | |
| "3b2bc514b48e4e9982621414c5c35a19", | |
| "981335e7ccfe40939abd9532e470c57e", | |
| "093baec774e04c25837ebd4379c1ebbf", | |
| "b23bea0efb5845ada0daaab044875b34", | |
| "7072197911fa4856868011c2c6b29470", | |
| "41f138aa66d945d28524f51b4c1906d7", | |
| "1af5075f1b1b4e469cf220be28f03bb4", | |
| "f3050dec932d4f41b2d80a4025427ca3", | |
| "979ba1d1eaa34145b5b7b717477c96e7", | |
| "830a1a0ec20e4accb93c17310bcb8d4e", | |
| "ce51c5ab8be54bf5b5c974f13cb80135", | |
| "0343508dd8554ffb9e4272f5ac17d744", | |
| "58a25e46555f40ad9e951731098edd57", | |
| "d65580c40a184f8993bcf9e0befdfd9e", | |
| "9610ae0c2b7a48928bef085a3685df7a", | |
| "a800bdaafbd1493280149f8ed6f7448d", | |
| "46bf1f53261047b5b77b37283d1c7f65", | |
| "de2d79aa229d4075916a4528ba6019f4", | |
| "48263c74a9e04107bd68d2e8372ad603", | |
| "966eb341b0854f7c8527f7c4001421c8", | |
| "5f5e048a13a14500a0a97b169e25bcf0", | |
| "6a9423e8632e43b6998e1199d8a183e0", | |
| "532ac8f098e648c590ed95cf53dfef21", | |
| "28ee77aafc2b46378c14b77b85736124", | |
| "a252af5cc2014e068a9850a3a3c413c6", | |
| "b320b45e514a40d9baeee7d02bc25065", | |
| "bd5f9d4eee5449e7ad12b0eed137da25", | |
| "f283fe28b9d14c81841f5173be58a91f", | |
| "9a3d05d140f54d26bfef423c5bbbc412", | |
| "fbf71b659a2c4ab693d6ae23ebbaea59", | |
| "6a4c9b23f3ba40bb970eddfd741e4d59", | |
| "ef48e879e4a84e6ab3f19c82bd58e555", | |
| "136afc829dc640ca848653c854e75f63", | |
| "8a84bb079cbd4690a585cb7c8d096f04", | |
| "92d4c22a441644eb98c0dbb1da2541d8", | |
| "e25f62e8998b469faafc45b99ff4163d", | |
| "c676297d83794727922a8a239c265766", | |
| "0d4f51ac85904fb29bc4347d7916b7c5", | |
| "3b72dc4ed2184c0884ce025712f418f0" | |
| ] | |
| }, | |
| "executionInfo": { | |
| "elapsed": 2875891, | |
| "status": "ok", | |
| "timestamp": 1759956513802, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "6af1d984-597e-4137-8cc7-e03ef4966495", | |
| "outputId": "03d5b2ed-e014-4372-f2b2-b1f72a079177" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# ---- Feature lists ----\n", | |
| "embedding_cols = [c for c in df.columns if c.startswith('A')]\n", | |
| "index_cols = ['NDVI_mean', 'EVI_mean', 'MSAVI2_mean', 'NDWI_mean', 'SWIR_NIR_mean']\n", | |
| "\n", | |
| "# ---- Model setup ----\n", | |
| "# Long Process - be aware!\n", | |
| "# For faster run time, we can lower the n_estimators and limit their depth (max_depth).\n", | |
| "# The resulting R² scores might be slightly lower, but the overall conclusion of the\n", | |
| "# analysis will be identical.\n", | |
| "rf_reg = RandomForestRegressor(\n", | |
| " n_estimators=200,\n", | |
| " # max_depth=20, # Prevents trees from becoming excessively deep\n", | |
| " n_jobs=-1,\n", | |
| " random_state=42\n", | |
| ")\n", | |
| "\n", | |
| "kf = KFold(n_splits=5, shuffle=True, random_state=42)\n", | |
| "results = []\n", | |
| "\n", | |
| "# ---- Outer loop over each index ----\n", | |
| "for target in tqdm(index_cols, desc=\"Predicting mean indices from embeddings\", position=0):\n", | |
| " y = df[target].values\n", | |
| " X = df[embedding_cols].values\n", | |
| "\n", | |
| " r2_scores = []\n", | |
| "\n", | |
| " # ---- Inner loop over folds ----\n", | |
| " for fold_idx, (train_idx, test_idx) in enumerate(\n", | |
| " tqdm(kf.split(X), total=kf.get_n_splits(), desc=f\"{target} folds\", position=1, leave=False)\n", | |
| " ):\n", | |
| " rf_reg.fit(X[train_idx], y[train_idx])\n", | |
| " y_pred = rf_reg.predict(X[test_idx])\n", | |
| " r2 = r2_score(y[test_idx], y_pred)\n", | |
| " r2_scores.append(r2)\n", | |
| "\n", | |
| " results.append({\n", | |
| " 'Index': target,\n", | |
| " 'R2_mean': np.mean(r2_scores),\n", | |
| " 'R2_std': np.std(r2_scores)\n", | |
| " })\n", | |
| "\n", | |
| "index_r2_df = pd.DataFrame(results).sort_values(by='R2_mean', ascending=False)\n", | |
| "\n", | |
| "# ---- Display results ----\n", | |
| "print(\"\\nAverage R² per index (sorted):\")\n", | |
| "display(index_r2_df)\n", | |
| "\n", | |
| "# ---- Plot results ----\n", | |
| "plt.figure(figsize=(8, 5))\n", | |
| "plt.barh(index_r2_df['Index'], index_r2_df['R2_mean'], xerr=index_r2_df['R2_std'], color='seagreen', alpha=0.8)\n", | |
| "plt.gca().invert_yaxis()\n", | |
| "plt.xlabel('Mean R² (5-fold CV)')\n", | |
| "plt.title('Predicting Mean Sentinel Indices from Google Satellite Embeddings')\n", | |
| "plt.tight_layout()\n", | |
| "plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "62e3b8db-4f36-4390-89c5-1d9e0d5a662d", | |
| "metadata": { | |
| "id": "62e3b8db-4f36-4390-89c5-1d9e0d5a662d" | |
| }, | |
| "source": [ | |
| "### Analysis of Indices Encoded in Google Satellite Embeddings\n", | |
| "\n", | |
| "#### 1. The \"Strongly Encoded\" Indices: NDVI & NDWI\n", | |
| "- **Result:** R²_mean of 0.82 for NDVI and 0.79 for NDWI \n", | |
| "- **Interpretation:** This is a very strong result. Approximately 80% of the variance in NDVI and NDWI can be predicted using the embeddings alone. This provides concrete evidence that the embeddings have effectively learned the concepts of vegetation \"greenness\" (NDVI) and surface water content/vegetation moisture (NDWI). \n", | |
| "- **Significance:** This explains why adding these indices to the classifier provided no significant performance boost — the information was already captured in a more complex, high-dimensional form by the embeddings. The low standard deviation (R²_std) indicates this finding is stable and reliable across the dataset.\n", | |
| "\n", | |
| "#### 2. The \"Partially Encoded\" Indices: MSAVI2 & SWIR/NIR\n", | |
| "- **Result:** R²_mean of 0.72 for MSAVI2 and 0.55 for SWIR/NIR \n", | |
| "- **Interpretation:** These indices are represented in the embeddings, but not as completely as NDVI/NDWI. MSAVI2 corrects for soil background influence, and SWIR/NIR bands are sensitive to moisture and subtle vegetation structure. The embeddings have learned some, but not all, of this information. \n", | |
| "- **Significance:** While these indices might contain some unique signal not fully captured by the embeddings, it is not strong enough to substantially improve a classifier already leveraging the dominant information in the embeddings. The higher standard deviation suggests the relationship is less consistent across the dataset.\n", | |
| "\n", | |
| "#### 3. The \"Not Encoded\" Index: EVI\n", | |
| "- **Result:** R²_mean of -0.48 \n", | |
| "- **Interpretation:** A negative R² indicates that predicting EVI from embeddings performs worse than simply predicting the mean value. The model fails to capture a meaningful relationship between embeddings and EVI. \n", | |
| "\n", | |
| "**Possible reasons:**\n", | |
| "- **Complexity:** EVI is more complex than NDVI; it incorporates the blue band for atmospheric correction and includes soil adjustment factors. The embeddings likely did not capture this multi-band relationship. \n", | |
| "- **Irrelevance to the Task:** The embeddings are optimized for general-purpose representation, which aligns well with forest classification. If EVI’s information is not critical for this task, the embeddings would have no incentive to encode it. \n", | |
| "\n", | |
| "- **Significance:** This demonstrates that while embeddings are powerful, they are not universally omniscient. They capture dominant and useful signals (like NDVI) but may ignore more nuanced indices like EVI.\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "23ead600-f17c-4431-aef5-dde209f5e291", | |
| "metadata": { | |
| "id": "23ead600-f17c-4431-aef5-dde209f5e291" | |
| }, | |
| "source": [ | |
| "### Combine RF importance and Lasso coefficients for NDVI" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "3bb23a86-0d51-4258-a9d5-64990e3cde55", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 540, | |
| "referenced_widgets": [ | |
| "aaa0014cec0c40498d0b4035f297ad83", | |
| "a9a62bf92be7450892599d27e2cb0b4d", | |
| "90b33933708f4c5ab863274278e49d73", | |
| "400380cdc20c4917b96b76c1cbc2ec91", | |
| "3e2959991efe45d3b220de27a9f7c3b4", | |
| "f428a59845c843d79329b63135babe8f", | |
| "853af332df80496d91b0eaceccc2d488", | |
| "db08eb768b0044b4a58f14e6d944cdd5", | |
| "60e9b7e038ab4835ba71548343681868", | |
| "51c91ab8340941c69b3d3eb2cf506b02", | |
| "117ea086a62d446b98dc8547902fecf7" | |
| ] | |
| }, | |
| "executionInfo": { | |
| "elapsed": 767163, | |
| "status": "ok", | |
| "timestamp": 1759957282555, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "3bb23a86-0d51-4258-a9d5-64990e3cde55", | |
| "outputId": "4a5624b2-1fd0-4a9b-997c-c0d00083f99a" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# === Configuration ===\n", | |
| "TARGET_INDEX = 'NDVI_mean'\n", | |
| "FEATURES = embedding_cols\n", | |
| "N_SPLITS = 5\n", | |
| "RANDOM_STATE = 42\n", | |
| "\n", | |
| "# === Prepare data ===\n", | |
| "X = df[FEATURES].values\n", | |
| "y = df[TARGET_INDEX].values\n", | |
| "\n", | |
| "# === Initialize model ===\n", | |
| "rf = RandomForestRegressor(\n", | |
| " n_estimators=300,\n", | |
| " max_depth=None,\n", | |
| " n_jobs=-1,\n", | |
| " random_state=RANDOM_STATE\n", | |
| ")\n", | |
| "\n", | |
| "kf = KFold(n_splits=N_SPLITS, shuffle=True, random_state=RANDOM_STATE)\n", | |
| "\n", | |
| "importances = np.zeros((N_SPLITS, X.shape[1]))\n", | |
| "r2_scores = []\n", | |
| "\n", | |
| "# === Cross-validation loop ===\n", | |
| "for i, (train_idx, test_idx) in enumerate(tqdm(kf.split(X), total=N_SPLITS, desc=f\"RF folds for {TARGET_INDEX}\")):\n", | |
| " rf.fit(X[train_idx], y[train_idx])\n", | |
| " y_pred = rf.predict(X[test_idx])\n", | |
| " r2_scores.append(r2_score(y[test_idx], y_pred))\n", | |
| " importances[i, :] = rf.feature_importances_\n", | |
| "\n", | |
| "# === Aggregate results ===\n", | |
| "rf_importance_mean = importances.mean(axis=0)\n", | |
| "rf_importance_std = importances.std(axis=0)\n", | |
| "rf_r2_mean = np.mean(r2_scores)\n", | |
| "\n", | |
| "# === Store feature importances ===\n", | |
| "rf_feat_imp = pd.DataFrame({\n", | |
| " 'Embedding': FEATURES,\n", | |
| " 'Importance_mean': rf_importance_mean,\n", | |
| " 'Importance_std': rf_importance_std\n", | |
| "}).sort_values('Importance_mean', ascending=False)\n", | |
| "\n", | |
| "# === Display results ===\n", | |
| "print(f\"Average R² across folds: {rf_r2_mean:.3f}\")\n", | |
| "\n", | |
| "plt.figure(figsize=(10,5))\n", | |
| "plt.bar(range(10), rf_feat_imp['Importance_mean'].iloc[:10],\n", | |
| " yerr=rf_feat_imp['Importance_std'].iloc[:10],\n", | |
| " color='forestgreen', alpha=0.7)\n", | |
| "plt.xticks(range(10), rf_feat_imp['Embedding'].iloc[:10], rotation=45)\n", | |
| "plt.title(f'Top 10 Embedding Features Predicting {TARGET_INDEX} (Random Forest)')\n", | |
| "plt.ylabel('Mean Importance')\n", | |
| "plt.grid(alpha=0.3)\n", | |
| "plt.tight_layout()\n", | |
| "plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "fb175feb-c633-4bb2-9346-7d92189d6a38", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 8, | |
| "status": "ok", | |
| "timestamp": 1759957282576, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "fb175feb-c633-4bb2-9346-7d92189d6a38" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "74908dce-7dd4-4a1f-b946-04864231a589", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 540, | |
| "referenced_widgets": [ | |
| "0071eb2193b84f95b5d645665a0658ea", | |
| "7e23d06ef0064eee8eaab335f05b97e7", | |
| "0123310b1a764dbf9f308d801e935387", | |
| "2fee31e21e214307b26863de68b5f3cd", | |
| "2b3c2b620da7433faa0c7d32ec9f6431", | |
| "8f7c423d90ab407587a03a3ec3ebbca8", | |
| "3e67ae7367784401a3f9ed0deb2e9ef1", | |
| "a6606eaa8a6a40dfbc5f4e93ed9ff2eb", | |
| "bc0675a216dc436d8e8fe2ace6e7b7e5", | |
| "05399befeb8a499b8e714fa7df308f72", | |
| "721b96ee280d4fdbbf2ff714d9e4b03e" | |
| ] | |
| }, | |
| "executionInfo": { | |
| "elapsed": 11261, | |
| "status": "ok", | |
| "timestamp": 1759957293844, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "74908dce-7dd4-4a1f-b946-04864231a589", | |
| "outputId": "15391d54-d480-40cf-d0b5-4d49bd3fd0d9" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# === Configuration ===\n", | |
| "TARGET_INDEX = 'NDVI_mean'\n", | |
| "FEATURES = embedding_cols\n", | |
| "N_SPLITS = 5\n", | |
| "RANDOM_STATE = 42\n", | |
| "\n", | |
| "# === Prepare data ===\n", | |
| "X = df[FEATURES].values\n", | |
| "y = df[TARGET_INDEX].values\n", | |
| "\n", | |
| "# Standardize features (important for Lasso)\n", | |
| "scaler = StandardScaler()\n", | |
| "X_scaled = scaler.fit_transform(X)\n", | |
| "\n", | |
| "# === Initialize model ===\n", | |
| "# === Initialize LassoCV with higher max_iter ===\n", | |
| "lasso = LassoCV(\n", | |
| " alphas=np.logspace(-4, 1, 100),\n", | |
| " cv=5,\n", | |
| " random_state=RANDOM_STATE,\n", | |
| " n_jobs=-1,\n", | |
| " max_iter=5000, # increase iterations for convergence\n", | |
| " tol=1e-4 # optional: adjust tolerance\n", | |
| ")\n", | |
| "\n", | |
| "kf = KFold(n_splits=N_SPLITS, shuffle=True, random_state=RANDOM_STATE)\n", | |
| "\n", | |
| "coeffs = np.zeros((N_SPLITS, X_scaled.shape[1]))\n", | |
| "r2_scores = []\n", | |
| "\n", | |
| "# === Cross-validation loop ===\n", | |
| "for i, (train_idx, test_idx) in enumerate(tqdm(kf.split(X_scaled), total=N_SPLITS, desc=f\"Lasso folds for {TARGET_INDEX}\")):\n", | |
| " lasso.fit(X_scaled[train_idx], y[train_idx])\n", | |
| " y_pred = lasso.predict(X_scaled[test_idx])\n", | |
| " r2_scores.append(r2_score(y[test_idx], y_pred))\n", | |
| " coeffs[i, :] = lasso.coef_\n", | |
| "\n", | |
| "# === Aggregate results ===\n", | |
| "lasso_coef_mean = coeffs.mean(axis=0)\n", | |
| "lasso_coef_std = coeffs.std(axis=0)\n", | |
| "lasso_r2_mean = np.mean(r2_scores)\n", | |
| "\n", | |
| "# === Store coefficients ===\n", | |
| "lasso_feat_imp = pd.DataFrame({\n", | |
| " 'Embedding': FEATURES,\n", | |
| " 'Coef_mean': lasso_coef_mean,\n", | |
| " 'Coef_std': lasso_coef_std\n", | |
| "}).sort_values('Coef_mean', key=abs, ascending=False)\n", | |
| "\n", | |
| "# === Display results ===\n", | |
| "print(f\"Average R² across folds: {lasso_r2_mean:.3f}\")\n", | |
| "\n", | |
| "plt.figure(figsize=(10,5))\n", | |
| "plt.bar(range(10), np.abs(lasso_feat_imp['Coef_mean'].iloc[:10]),\n", | |
| " yerr=lasso_feat_imp['Coef_std'].iloc[:10],\n", | |
| " color='royalblue', alpha=0.7)\n", | |
| "plt.xticks(range(10), lasso_feat_imp['Embedding'].iloc[:10], rotation=45)\n", | |
| "plt.title(f'Top 10 Embedding Features Predicting {TARGET_INDEX} (Lasso)')\n", | |
| "plt.ylabel('|Mean Coefficient|')\n", | |
| "plt.grid(alpha=0.3)\n", | |
| "plt.tight_layout()\n", | |
| "plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "fd3e2b73-ab50-4777-931d-6ce1292d278b", | |
| "metadata": { | |
| "executionInfo": { | |
| "elapsed": 4, | |
| "status": "ok", | |
| "timestamp": 1759957293858, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "fd3e2b73-ab50-4777-931d-6ce1292d278b" | |
| }, | |
| "outputs": [], | |
| "source": [] | |
| }, | |
| { | |
| "cell_type": "code", | |
| "execution_count": null, | |
| "id": "adea5d1a-3019-4fcd-8842-534eb2260ebf", | |
| "metadata": { | |
| "colab": { | |
| "base_uri": "https://localhost:8080/", | |
| "height": 601 | |
| }, | |
| "executionInfo": { | |
| "elapsed": 237, | |
| "status": "ok", | |
| "timestamp": 1759957294099, | |
| "user": { | |
| "displayName": "Gijs van den Dool", | |
| "userId": "05465556262142366614" | |
| }, | |
| "user_tz": -120 | |
| }, | |
| "id": "adea5d1a-3019-4fcd-8842-534eb2260ebf", | |
| "outputId": "8346444a-251c-49bb-cbb3-08c9ca45eced" | |
| }, | |
| "outputs": [], | |
| "source": [ | |
| "# --- Combine RF importance and Lasso coefficients ---\n", | |
| "merged = rf_feat_imp.merge(lasso_feat_imp, on='Embedding', how='inner')\n", | |
| "\n", | |
| "plt.figure(figsize=(7,6))\n", | |
| "plt.scatter(\n", | |
| " merged['Importance_mean'],\n", | |
| " np.abs(merged['Coef_mean']),\n", | |
| " alpha=0.7,\n", | |
| " color='purple'\n", | |
| ")\n", | |
| "\n", | |
| "# Highlight top RF and Lasso features\n", | |
| "top_features = ['A44', 'A60']\n", | |
| "for feat in top_features:\n", | |
| " row = merged[merged['Embedding'] == feat]\n", | |
| " x_val = row['Importance_mean'].iloc[0] # convert Series to float\n", | |
| " y_val = np.abs(row['Coef_mean'].iloc[0]) # convert Series to float\n", | |
| " plt.scatter(x_val, y_val, color='red', s=100)\n", | |
| " plt.text(x_val + 0.005, y_val + 0.001, feat, fontsize=10)\n", | |
| "\n", | |
| "plt.xlabel('Random Forest Mean Importance')\n", | |
| "plt.ylabel('|Lasso Mean Coefficient|')\n", | |
| "plt.title('Embedding Feature Influence on NDVI (RF vs Lasso)')\n", | |
| "plt.grid(alpha=0.3)\n", | |
| "plt.tight_layout()\n", | |
| "plt.show()\n" | |
| ] | |
| }, | |
| { | |
| "cell_type": "markdown", | |
| "id": "e3f6a46f-02de-46f4-8858-c4fc3820324a", | |
| "metadata": { | |
| "id": "e3f6a46f-02de-46f4-8858-c4fc3820324a" | |
| }, | |
| "source": [ | |
| "# End" | |
| ] | |
| } | |
| ], | |
| "metadata": { | |
| "colab": { | |
| "provenance": [] | |
| }, | |
| "kernelspec": { | |
| "display_name": "Python (geo_env_20250322)", | |
| "language": "python", | |
| "name": "geo_env_20250322" | |
| }, | |
| "language_info": { | |
| "codemirror_mode": { | |
| "name": "ipython", | |
| "version": 3 | |
| }, | |
| "file_extension": ".py", | |
| "mimetype": "text/x-python", | |
| "name": "python", | |
| "nbconvert_exporter": "python", | |
| "pygments_lexer": "ipython3", | |
| "version": "3.10.16" | |
| }, | |
| "widgets": { | |
| "application/vnd.jupyter.widget-state+json": { | |
| "003de7d4816140c2aa83d21a71d9d31f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_f891d30d24c141ad9b03771b0114168f", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_7c4d0d9248854ac1b980b42f7187cbef", | |
| "value": " 46/46 [27:53<00:00, 38.81s/it]" | |
| } | |
| }, | |
| "0071eb2193b84f95b5d645665a0658ea": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_7e23d06ef0064eee8eaab335f05b97e7", | |
| "IPY_MODEL_0123310b1a764dbf9f308d801e935387", | |
| "IPY_MODEL_2fee31e21e214307b26863de68b5f3cd" | |
| ], | |
| "layout": "IPY_MODEL_2b3c2b620da7433faa0c7d32ec9f6431" | |
| } | |
| }, | |
| "007818ae03424471afae34e6a8b93d4f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2b07dafa6eb347008cd77370af1d5a43", | |
| "IPY_MODEL_f5b898c505a14a76b42b6bd67dcc86ca", | |
| "IPY_MODEL_b75170b18fcf4134b096770a138ee206" | |
| ], | |
| "layout": "IPY_MODEL_5939f7c8154c4ad7946e26b36c9c3896" | |
| } | |
| }, | |
| "0079a0c57f3e4903abc6cada291d0429": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "010b4648195b47c6a7893c130b22176b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0123310b1a764dbf9f308d801e935387": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "success", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_a6606eaa8a6a40dfbc5f4e93ed9ff2eb", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_bc0675a216dc436d8e8fe2ace6e7b7e5", | |
| "value": 5 | |
| } | |
| }, | |
| "0195add19ad64a4ea0e67937849338e0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "01c9c4e765774c7f8b1074a9f818a59a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "01d2370791264a88bc7717a7ee7c1f7c": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "01ec095e9de04b3db1af0b87304510ca": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "026cf880bce1436baac63dfda758acbc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "029d0548f07a47818ea2ab26a02c844b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_d1d65837790144a3836344b405a58a5c", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_c043f7aaa4314011834dbeecc7022667", | |
| "value": "Block 003-009 batches: 100%" | |
| } | |
| }, | |
| "02a8a7e597db4c899f5d154cefcd36c7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_49b3302881ed4958b94b475478339ef0", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_256f6484ee744baa9d95939e2a78f186", | |
| "value": " 1/1 [00:10<00:00, 10.27s/it]" | |
| } | |
| }, | |
| "03067344f45b4f89b1cbc2139ba9df8f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0343508dd8554ffb9e4272f5ac17d744": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "03869bbb081849858082ddc96b4eb149": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_ec505ed6cef54957a14ec4adacdfdc0a", | |
| "IPY_MODEL_fd9b1d4a15cc42449d34616fb6ef526d", | |
| "IPY_MODEL_9add8be9ee0e4bc1b25f9a577cabd1a8" | |
| ], | |
| "layout": "IPY_MODEL_0079a0c57f3e4903abc6cada291d0429" | |
| } | |
| }, | |
| "03e77b275d3744b4aced90d6f97672d2": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "046e3216a1d540e39b922fbd942f4554": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "04b85c2ccc10433b97bc26e31786a610": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_6f609e6ec2374a7492ce0d9076ec2c11", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_463bf4a0a29b406e9f70c94d11323af1", | |
| "value": "Block 013-018 batches: 100%" | |
| } | |
| }, | |
| "04b89814d94e4306bf583cb388ee0dea": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "04c9a429e6bf4aaa9ed31279b8d92de5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "04d6008812114d7183429d61a42256c9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_dbb3a4916adf4a9180f5570fd72e6216", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_0fb0fd11bffc44e4b4738882779724f1", | |
| "value": 6 | |
| } | |
| }, | |
| "04e991daba834d2baa21523d8a739963": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "05399befeb8a499b8e714fa7df308f72": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "055b973b87d14a59acf54aa4cd3c035f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_9d07781d64504c14a225bc2625532f57", | |
| "IPY_MODEL_c1e53da3d26c4298af3ba7013c52f042", | |
| "IPY_MODEL_8e6c4c47cbfa415a8e92eb89322beeb2" | |
| ], | |
| "layout": "IPY_MODEL_78cbe4b7f45644cc9c0f42a30ee975ee" | |
| } | |
| }, | |
| "05aba364dddc47d8b6809291ee960b56": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "05e1db965d0a4b168556d2cb42c84cf5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "062330aa0aeb4927a6d7ab679e2a45fc": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "06273de61a8f45fdb14af272a90f4eeb": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "066e860e40294a50b792b52bb85953c1": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "067009df63c741e9b08d1cb1016ca59a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b1f821df1c314b488c90f8da99bae4d9", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_77cac1cb1a5e4b14bdb614375232905e", | |
| "value": 1 | |
| } | |
| }, | |
| "06894a5a59874e8fac94e069c8de82b8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0775c376d2b74c23a64da8a9df3d6136": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0849414b029d40b889b150d4d9e98f0d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "086ad66986894005b2c7da8163c08e1f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "088ffab625c8490aadb5c08d2e34dd73": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "08ba996b9ed6463ebe586ed6b0243c00": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "08c6617d08ef42629763f2eec11fe6c9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_428bd0b523cc477c8e1dbbd2501acfe6", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_38745369f50941ecb51bafd29de85f5a", | |
| "value": "Block 018-015 batches: 100%" | |
| } | |
| }, | |
| "093baec774e04c25837ebd4379c1ebbf": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_a4f4a22037d44a88a6b7b0a43728b5f8", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_25b3a731f7f04edaa9bc34f539a4e007", | |
| "value": 5 | |
| } | |
| }, | |
| "09d6acce005b42b29adcaf7ec7ca3311": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0aa48331ded04edba061be1aa2eec58d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_72c2bb0ebdf6488391751ca0e3d75c4e", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_8ac6ea82886641b1a09e1e638e53280c", | |
| "value": " 1/1 [00:10<00:00, 10.34s/it]" | |
| } | |
| }, | |
| "0ac0188ff36b4207b30ce4dfc0fb052f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_99ae78c39d2d4d9cb9abbbf2e670ec86", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_5997b81935fe4f8dba509b3d5f044cb4", | |
| "value": " 1/1 [00:19<00:00, 19.72s/it]" | |
| } | |
| }, | |
| "0b1a7a89b0d7400ebd36dff551c7d5ba": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_27c741b7b0f84e3ea60a930aee4ed688", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_f7574d60b3b6491f921d5187f638d81f", | |
| "value": "Block 010-012 batches: 100%" | |
| } | |
| }, | |
| "0b2231758c3344e2a4fe455465509741": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_e5d45f5d77104b348f635653159def19", | |
| "IPY_MODEL_5133fc761de4451081e134dbaf0f38b5", | |
| "IPY_MODEL_2958a22022ea47c885634a693ce01132" | |
| ], | |
| "layout": "IPY_MODEL_6c79125a15174222a7e0d438df226770" | |
| } | |
| }, | |
| "0b374017ad1a43ad950d8afb3120d9b8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0b46af1d70994e0b81bc46cbb595876a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "0ba23be2bd9845c488ae4618912b2148": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_2dd929e5f8504a90b2a80d905437583c", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_50a5ed36de554608b4de3b597c15550c", | |
| "value": " 6/6 [00:37<00:00, 7.08s/it]" | |
| } | |
| }, | |
| "0bc95d3e396f402f9c3be32888ef64a3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0bd6747b18f040d68241f4d39ac3c1da": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0be16ca47e624dbc8c9a7ad2ce33a72e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0c05b7b27e03417787852328bc7181dd": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "0c171c4b6c8d496cbf55f9d144a7f379": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0ca8263be4fe454780f5c5eba611379e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_7b99cf221d554b46a3fc18f01f197d0a", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_1538ea68c66c4310ac5178deaac638e7", | |
| "value": "Block 017-013 batches: 100%" | |
| } | |
| }, | |
| "0cbd38f62f8b41fb9bad395537204250": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0d47bb5d551a4b53a37d78b908104922": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0d4f51ac85904fb29bc4347d7916b7c5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "0d8351ebe3084d21bf1567a95ae8d57e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_8ff6786b396649ccaa205f6ff19696e5", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_55751715b938439eb2b835d35f3972b0", | |
| "value": "Block 018-013 batches: 100%" | |
| } | |
| }, | |
| "0d9c7edd2f164fd4a65bcf430a358556": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_bf7e38349f2648bcbfb1bd759efe76f6", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_0f0b5a0e803941089be49a4770d6435f", | |
| "value": 6 | |
| } | |
| }, | |
| "0dc50865eedf483aa11dd52e33525407": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_94f1521450e244d580c0b9c0d004389b", | |
| "IPY_MODEL_b98c7f4bb9f54ea2980c9ef3c5adc778", | |
| "IPY_MODEL_2fc75c9eeec34228892c09f574add6ad" | |
| ], | |
| "layout": "IPY_MODEL_240163fa15a44021aca51591605c5652" | |
| } | |
| }, | |
| "0dd406b86e0a410ba95fc52c53c71028": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_bd24507f89624cb194efacc80fc986f9", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_71e82e12fda94c59a979d1669c9edb3b", | |
| "value": "Block 010-008 batches: 100%" | |
| } | |
| }, | |
| "0dff5853803740b6bbad2030212e8a77": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "0ea764f52ffa43ada1a78004a22ea894": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "0eec8c81659743ce818cf5a9f2746a32": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0f0b5a0e803941089be49a4770d6435f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "0fae22902ae2487a984e75390be14260": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "0fb03d9124ea448a97fa9adb3177e8f9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b1190957db4242b0afa1ab0927c1709b", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_5f2b411631e6446badac4691e61d8669", | |
| "value": "Block 010-013 batches: 100%" | |
| } | |
| }, | |
| "0fb0fd11bffc44e4b4738882779724f1": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "0fdf1bd4a7cc4875be70f2648abfbd88": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_0bd6747b18f040d68241f4d39ac3c1da", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_962e111030824ee3bf97cd343deb4549", | |
| "value": " 1/1 [00:21<00:00, 21.41s/it]" | |
| } | |
| }, | |
| "0ff14a5c50af457c855a792f44fab672": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "1033a4efaa2c4c16b0359934c5312028": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "103739dc58cb4d96bfacab8259253701": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_0be16ca47e624dbc8c9a7ad2ce33a72e", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_fc1e8ce90619409a8d1a82f6d55f6c85", | |
| "value": 6 | |
| } | |
| }, | |
| "104c7bc9b4af4cf698a60b8b3e6aaef6": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_98c4c5a301b9406cac0461ba3c17a8ae", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_70908ff15b9545d68d996094c4faea47", | |
| "value": 1 | |
| } | |
| }, | |
| "10a25a37f3d84e07abde44dbc2164bd7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_fd0ce39cab5d40b293619f21358d7f7e", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d92d022089ae48ae9f929a1014989acf", | |
| "value": "Block 008-011 batches: 100%" | |
| } | |
| }, | |
| "1119166695c74642856051658187074d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "117ea086a62d446b98dc8547902fecf7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "11c323c8559a4553a6e54b5e00dcf53d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_0fb03d9124ea448a97fa9adb3177e8f9", | |
| "IPY_MODEL_103739dc58cb4d96bfacab8259253701", | |
| "IPY_MODEL_cc85457896c04e5985a7b6423f923224" | |
| ], | |
| "layout": "IPY_MODEL_086ad66986894005b2c7da8163c08e1f" | |
| } | |
| }, | |
| "11d1ad9b2fbb45efb3a6320f16d29d5b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_9f4e75eec3bc4d33be7ddea3e7e7198b", | |
| "IPY_MODEL_be00a0e7d64a4894885e9a11fde4bde6", | |
| "IPY_MODEL_61e9bbc54aaa4b79b556c3f40438b13d" | |
| ], | |
| "layout": "IPY_MODEL_c13ce163a14f447ca7baae60d61699db" | |
| } | |
| }, | |
| "11d549941706454e8e0793da7974eedb": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_5679da58111e41e98858460178fc7d8e", | |
| "IPY_MODEL_9140a46575ff47289d7d8589f40da17f", | |
| "IPY_MODEL_b80ef28bffa8402fada9d8e4452260a6" | |
| ], | |
| "layout": "IPY_MODEL_a0e12fb3167642e1bde901bd0459f71f" | |
| } | |
| }, | |
| "11daf8c7b39040ad8c846c099741b2cf": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "12163ae5365b478cbc5c970cf567d316": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_5306c9ec57eb476bb2d880a3af9b88dc", | |
| "IPY_MODEL_a421145d871a47c3988415df0d1249dd", | |
| "IPY_MODEL_626ccee88a344c7b843ba324fdbdbed5" | |
| ], | |
| "layout": "IPY_MODEL_c2b78887fadf466da0f6398adea63aaa" | |
| } | |
| }, | |
| "1216401339e94f10994b11eadbf9b441": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_159b95239ff548ffb88fac3223a074f5", | |
| "IPY_MODEL_3c3be2eaae9f4f23b76c17fa9eb700d7", | |
| "IPY_MODEL_b6eeadc640cb451c91f270f009441588" | |
| ], | |
| "layout": "IPY_MODEL_b85982d2ce2647678d0f24b24342f413" | |
| } | |
| }, | |
| "121e1fcaea4b4209ba8fb7045c3fa5c8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "122740589a2a4d07acd961a9c8f6dc46": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "123cb6798b854cd6bb350db638058efb": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_90a24433149c44fd9f5b8ea000ce7fe8", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_fc6e71287c4d420f8d876473d11a2ae9", | |
| "value": "Block 012-018 batches: 100%" | |
| } | |
| }, | |
| "127d6cbaa94742479139f11393312c33": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_9430b8797eca42698bafd79c188b7673", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_4293b39a02ab47cf93f9d683f294b205", | |
| "value": " 6/6 [00:37<00:00, 6.66s/it]" | |
| } | |
| }, | |
| "1364ce518bc44115a666972e8400956d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "136afc829dc640ca848653c854e75f63": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "140bd69b3f2d42a78627c75f9f61ff4c": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1416a99d07914f47b35165734d5e8c1f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "144ade35f4b3430895e04407e129739e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_0b374017ad1a43ad950d8afb3120d9b8", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_464abee35f6f4724866fae2fc43fc2dc", | |
| "value": " 1/1 [00:09<00:00, 9.51s/it]" | |
| } | |
| }, | |
| "145db6f1c5644a34bdae9d80f0801582": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_3356ecf0a0bd4d13b7a8eeb9fa3e6e4a", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_c28c7b189f75400fafde860142352f8f", | |
| "value": " 6/6 [00:39<00:00, 6.72s/it]" | |
| } | |
| }, | |
| "14af05cc71a44a19b60c053461ed3ea2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2e55ca7021054813bcb9be116fd7581b", | |
| "IPY_MODEL_559ae8e49b454cb996deff69f52d7654", | |
| "IPY_MODEL_acc76d56f03e47e0b2641c491e2e7f2e" | |
| ], | |
| "layout": "IPY_MODEL_8c05b63c4f324bd282ce74db00c7a1db" | |
| } | |
| }, | |
| "14d8c83462ab49378d1aae6477a9030e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1510296118c94c57bd3ebe585fc8b0e7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "151ded90940a4e53810f9bdb6c4053b7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1538ea68c66c4310ac5178deaac638e7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "159b95239ff548ffb88fac3223a074f5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_a7fc00a784c247d2a731c2338f934dde", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_e9ee47655163417fb89925c1fcabf245", | |
| "value": "Block 019-008 batches: 100%" | |
| } | |
| }, | |
| "15c42edb2a084ee0a0e949cb4ef9246b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b890ae83083c483294a240b24626576a", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_dfd1a0f560174861976c66ee1aeeaa22", | |
| "value": 6 | |
| } | |
| }, | |
| "15da467a096c44fd884b7894681db760": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "1640e1eb7e094999b94911e1e37784e6": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "167c937e0f7444b0b6be5d3c5ed34340": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "16c2d1c5dc52457994eb60b578de1a8a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "16c9cee6c2ad4491a0721d0b757bd21d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1744ca1546fd44018596c779148639aa": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "17b00d014d25453e8c2f637894da01c4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "17b23c032ba44ca5bd27b4bad8691062": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "17f8cdee180848f0a91591c45e076fa4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "17fe1558c6a64695bc064d86b8ccc115": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_455589c4baa142a581c40e209acbf69e", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_b521ef216d5045fea515d31222e75057", | |
| "value": "Block 012-007 batches: 100%" | |
| } | |
| }, | |
| "180b5206ca4d4f4db369c254704f1b47": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_5cf4cf2e2e80442885c584a183eb6080", | |
| "IPY_MODEL_4803d82b44c34fdb801e70d78cd1d770", | |
| "IPY_MODEL_cffe026cc69e415d942759e23e700298" | |
| ], | |
| "layout": "IPY_MODEL_4ac1efbd67564a749f74799df22a2d8d" | |
| } | |
| }, | |
| "1832f7741d644554a3f8d8f50225011d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_987f8cdcb9704f9ea3ab22dcaa3ff3a8", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_04b89814d94e4306bf583cb388ee0dea", | |
| "value": 6 | |
| } | |
| }, | |
| "18b55564c6ee499193bcf9dbc5eb470d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "1a0f118485274e8881dcac29aa6a97d4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "1a12b6df21a64c1d9bf0556cb7b3e379": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1ac5d827a29247e1b855254ec4a67f71": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1af5075f1b1b4e469cf220be28f03bb4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1b55ae5a7c08415daf327130536c9711": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1b91ad83ed6e4aad91cf42ef373bf8d1": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_8c8c85ada2fe404c95ebf2fd72dd11d0", | |
| "IPY_MODEL_31ac8fd929de4026b582c9513f97ae2c", | |
| "IPY_MODEL_73b52b093a284b24a7ae80c523bcf956" | |
| ], | |
| "layout": "IPY_MODEL_f982d65498e7460fa89cc084f12a091f" | |
| } | |
| }, | |
| "1bf66c00576544bd855233e31e714ded": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1c27db3639d24fc69ee9b35543582940": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "1c5d97468f054c4ea78335a0f61b038f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "1c6ea9d128ba451b915f8199953a2f0a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1c72a8f3084644f1875d415ee9725107": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_e8a71672f5ed47ef9403f386f401fe9d", | |
| "IPY_MODEL_a02d8e94ff1a4d79836539c79ecf41e4", | |
| "IPY_MODEL_2d75577308824a5faf62c875f6daeeec" | |
| ], | |
| "layout": "IPY_MODEL_c8fe75979b1144c4b7743c3748523733" | |
| } | |
| }, | |
| "1d0632f7a2824cc086c7b0fa9a5e9e5e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "1d5d39841fef413688f00d73565be923": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_35e1e0bb13dd4d97a9f3daafb157889b", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_b6a0224e859448aabfe8c7c78daa3ad7", | |
| "value": 1 | |
| } | |
| }, | |
| "1dcf616462f348ec82eed90b14482c35": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_74c1f6b2413c49f5838e940d7bece604", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_8a7cbc4937de4c53a3cc5d9c34e2d33e", | |
| "value": " 6/6 [00:28<00:00, 4.72s/it]" | |
| } | |
| }, | |
| "1e43072887834b27867a82ae52729b76": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5f2a47dd427a4f8fb26fb13fdf1cfe2f", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ad644913dc3a44a79de42d049ec81992", | |
| "value": " 6/6 [00:44<00:00, 7.10s/it]" | |
| } | |
| }, | |
| "1f308505e0454279b165784d5384e9c2": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1f66a555dc67451bb137cd0e61d33ccb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1f6a51c1b5df4a529ce338674446d378": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1f8f59c3ac494e88b2c6f93f38768f5a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "1fd4a8eac7aa4dbfa42f39e8432e0723": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "202cbd3a45bc4faca267be83f941948c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2044ae2659f84fe8912fdfcfcbd1292a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_11daf8c7b39040ad8c846c099741b2cf", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_f9836596f3a14dd48403baeeff66ed49", | |
| "value": " 6/6 [00:33<00:00, 5.41s/it]" | |
| } | |
| }, | |
| "207b47b57cd34cd685cc1d00d51cde4c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "20a2af68ed1d405092586e26338d74bb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "20b5d9211cc04123adb4691537b95c66": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c269a42d28db4279b7977204d9313d81", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_a293b730fad043318695b1e5a84f902c", | |
| "value": "Block 020-013 batches: 100%" | |
| } | |
| }, | |
| "20bdf123155745dcbbf1d193abd819a0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_cef38802cc814fdd812e109225237de5", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_984c5665f0fc4d80b24812b6dcd0f621", | |
| "value": "Block 015-015 batches: 100%" | |
| } | |
| }, | |
| "20f492833c7149b4b08a11471eed9946": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "20fabe16724348f793df331b25366939": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_62a272f0f02e4e3e87e81fc7bed20781", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d7eaf3d2f97d4c0a844f0d70f61a6c1f", | |
| "value": "Block 015-015 batches: 100%" | |
| } | |
| }, | |
| "219965c6ae6d492d948e69b4f1fcd997": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "21c987258463469eb69f11092b5bb76a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "21eb8c32ae884193bdeb745fea1984ba": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2211a01972644cf999a2918939769d9d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_7b83b7c255aa42c4ae3df3be8fc3dfd3", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_4f6b1461f86c450c82e1a1ee4067555c", | |
| "value": "Block 017-013 batches: 100%" | |
| } | |
| }, | |
| "221cac9828bc40e4b498f3423f0cf67f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "223d0c62dd6646cba60e126150f3d3e5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "22df03f32e2f4f0da3eb450d9e0d0f9f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "22f5efdf1b2b4a11970b6f0a39ac6f4c": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "22f7c18afe0849368ee25e4d5ce5d950": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_7593d8fe5fd347dcb7001b28bf280e27", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_a94391b566244ab58551ceb2f5a0efad", | |
| "value": 6 | |
| } | |
| }, | |
| "2396541b3ff342078be540ce751c567c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "23c197aa418d40739a7c902b8fa293f8": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "240163fa15a44021aca51591605c5652": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "24706d7c50344ef8aeba4faa70a0cd06": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_c0ab6e6bfac04d6e8aa1bde9a2176375", | |
| "IPY_MODEL_78958a198d9848f89283f2362f2f6b9b", | |
| "IPY_MODEL_3b908bdccbc8462685793cf0d7c2bb22" | |
| ], | |
| "layout": "IPY_MODEL_6d800878ba0b49ad8c7ffda555538028" | |
| } | |
| }, | |
| "24c0fb6262764ea6b2d69ce625af9762": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "24f2a820ca1046328d1e6d1c589dc8be": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "250365118ee34e4ea34d229f4ddf6d08": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "252840b81af74a91944f48bf801788f0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "256f6484ee744baa9d95939e2a78f186": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2583ec407a794c1da4fe498d8bd2540b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_22df03f32e2f4f0da3eb450d9e0d0f9f", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_cff28b27a5e142789d6b4f78a7d800ba", | |
| "value": "Block 003-009 batches: 100%" | |
| } | |
| }, | |
| "25b3a731f7f04edaa9bc34f539a4e007": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "25c78ae531a84dfdb442cef9c67f1129": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "26198e45d741471285686d11c7920b77": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2639fe1c310d4f65959069f3432705ce": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_6f1257f9ca1e4f44957cc41e60bc3652", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_23c197aa418d40739a7c902b8fa293f8", | |
| "value": "Block 011-013 batches: 100%" | |
| } | |
| }, | |
| "2668f5f3776f404eb139833b7affb1c4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "271408a972e740389ca50ff4335a01f6": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "2765637190e042d492bfef96fabc4af4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2792c9e9a67f460a9cb385fc5b29213f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "27c741b7b0f84e3ea60a930aee4ed688": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "284ba3e1504a476c8cbec2a1f3c1946a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4b42db4c68a9472eb2e844db501cf6e7", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d2198e8029a2485b98721f49a3356297", | |
| "value": "Block 008-011 batches: 100%" | |
| } | |
| }, | |
| "28510279d0ed4b81b822adc72c1e51cc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "28ee77aafc2b46378c14b77b85736124": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_966eb341b0854f7c8527f7c4001421c8", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_5f5e048a13a14500a0a97b169e25bcf0", | |
| "value": "NDWI_mean folds: 100%" | |
| } | |
| }, | |
| "28eeef50d6a84dca81dc9ad1bc692953": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2927fbf5cacb415c96c952e22b8b2e3b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_62397aa7231b47559626b5a260329618", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_9cda77bebc7341d8abae5a701c48106f", | |
| "value": "Block 011-012 batches: 100%" | |
| } | |
| }, | |
| "292bcf978f7e4c8bbb33864b54d1da76": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2958a22022ea47c885634a693ce01132": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_493b480177434fbfa952f86f6e8d2b15", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_e78ccc15613948d1aba53b61516b2b8c", | |
| "value": " 6/6 [00:27<00:00, 4.63s/it]" | |
| } | |
| }, | |
| "297dd56592634cafbb34d6e733aff929": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1c6ea9d128ba451b915f8199953a2f0a", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_84a65735fde84a00b10ba91720e8f4c9", | |
| "value": 6 | |
| } | |
| }, | |
| "29e11ff6a25944b98b0d86ca533a343b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_876e21899b464ffda9f398a768054963", | |
| "IPY_MODEL_c10743338e31498282a2914b978d0783", | |
| "IPY_MODEL_f2cc061be07c4cbc948b349b1c382fb0" | |
| ], | |
| "layout": "IPY_MODEL_bd7dff96588d47c1b65714e696a7fbbb" | |
| } | |
| }, | |
| "29ea0b89c78a4312a111dccbfbcf1d41": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2a22b7b2ab5a497cae3ad922b0656fc9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "2a2e44b3c70245569264ab0b67c4936f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_812c45f38a8340a490f476d5f4fba9bc", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_5d8766435ea3476d8f95335ec9f3ac7b", | |
| "value": "Block 010-014 batches: 100%" | |
| } | |
| }, | |
| "2ac3304ee4874b91902b5ae9ad854a19": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2ae5eb7969e441dd977bbb82daead5d8": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2b07dafa6eb347008cd77370af1d5a43": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_2765637190e042d492bfef96fabc4af4", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_c5737d6921914f2d9f1652a28350772d", | |
| "value": "Block 011-010 batches: 100%" | |
| } | |
| }, | |
| "2b21fe062e7548be9fb957a4477c37fa": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "2b3c2b620da7433faa0c7d32ec9f6431": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2c0b6983d38b49beb1d001c58976aafd": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_20fabe16724348f793df331b25366939", | |
| "IPY_MODEL_8ad06a9a391a4fa68d81e6fb5eb3b767", | |
| "IPY_MODEL_dedca947f46f4e458bca0ce6363f1511" | |
| ], | |
| "layout": "IPY_MODEL_80da5c6cbac8498e94b61345f34860f1" | |
| } | |
| }, | |
| "2c1110832f554f388af90a377c8bb576": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2d4e060528b844a7b1409340b9b12cc0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_f73c42a8eae84ca4b048441594d2a476", | |
| "IPY_MODEL_42d75a097d93440481d200d17189f874", | |
| "IPY_MODEL_72b4ffe9cc724d44b6d71ca90aa9fa11" | |
| ], | |
| "layout": "IPY_MODEL_acc1212cf88a4b348229362646a46e26" | |
| } | |
| }, | |
| "2d75577308824a5faf62c875f6daeeec": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_df2e65ab242d4de59da80b9b95240936", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_6ac30ce3e5a444eda8e6e5adb7f768db", | |
| "value": " 6/6 [00:28<00:00, 4.74s/it]" | |
| } | |
| }, | |
| "2dd632604ebd47c3904c7999e118069f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2dd929e5f8504a90b2a80d905437583c": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2dece5e475d3453baad94632d64d0d56": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2df2924b81734aba8d7397c50c719cf2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2dfda1ca5e19497b9c03a84f88a337d4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_d5d8d52b1f6c49daa5d790c1685bcdee", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_0c05b7b27e03417787852328bc7181dd", | |
| "value": 3 | |
| } | |
| }, | |
| "2e0cc8ed51814657b79dfbd6bb02f3b0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "2e30e8c8d70947a0a7c34567920f1261": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_cee23689183047009f008146c1cc78a6", | |
| "IPY_MODEL_7e15d2a3569644f3a131a80b5e6df5ee", | |
| "IPY_MODEL_f7e7c91c5c264334ad07727a57567bdf" | |
| ], | |
| "layout": "IPY_MODEL_eb52f5bfc83b4124bb5a63f44da3a6ce" | |
| } | |
| }, | |
| "2e55ca7021054813bcb9be116fd7581b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_22f5efdf1b2b4a11970b6f0a39ac6f4c", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_cbdb9cc124244659b87dfb07bef42e7d", | |
| "value": "Block 010-015 batches: 100%" | |
| } | |
| }, | |
| "2e5ce484f7954df19412f4950148400a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "2e66e4538cd4434aa2051001683c73cf": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "2e8dc3576db64b80b910b470cbe6d6b5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_966ab086478c45139a9c012eacd64318", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_f5f524efa66e40e78ee6dab5be6d11e0", | |
| "value": " 1/1 [00:14<00:00, 14.05s/it]" | |
| } | |
| }, | |
| "2e8ef6c931d4494a8e65fbe3a7f2f0f5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_5a1b77f1ec5b408497d585b091fd7c30", | |
| "IPY_MODEL_cc4e346a1b374cc88f702b39c883e444", | |
| "IPY_MODEL_d36ac30b87fa41a5b5c9c513688a4b85" | |
| ], | |
| "layout": "IPY_MODEL_90ec5ebc69e0438eae5cf1f34d43e282" | |
| } | |
| }, | |
| "2ef155f038b4445689800ace0530bbf5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1b55ae5a7c08415daf327130536c9711", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_0849414b029d40b889b150d4d9e98f0d", | |
| "value": " 1/1 [00:13<00:00, 13.10s/it]" | |
| } | |
| }, | |
| "2fc75c9eeec34228892c09f574add6ad": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_410c8a6d3cb74c2fa00b439901a8678a", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d626bfbbfcc14f238b6bf09929ce2a7b", | |
| "value": " 1/1 [00:20<00:00, 20.76s/it]" | |
| } | |
| }, | |
| "2fee31e21e214307b26863de68b5f3cd": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_05399befeb8a499b8e714fa7df308f72", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_721b96ee280d4fdbbf2ff714d9e4b03e", | |
| "value": " 5/5 [00:10<00:00, 2.16s/it]" | |
| } | |
| }, | |
| "3054e52bde90435f8a413a7eb491a2e3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "30742eaef5c24ffb9df76912ee20bff5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3122fb3e390a465989c84a89f182e862": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_20bdf123155745dcbbf1d193abd819a0", | |
| "IPY_MODEL_5e8ca374f7db41b5b246d14e1460024f", | |
| "IPY_MODEL_abe3d13795d2480aadb93f5813176e0c" | |
| ], | |
| "layout": "IPY_MODEL_1c5d97468f054c4ea78335a0f61b038f" | |
| } | |
| }, | |
| "31ac8fd929de4026b582c9513f97ae2c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "success", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c8a296a4f35a4191b52975656a3c96fc", | |
| "max": 46, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_6fa82e3860a0457cb84cce6f3ae3b2f6", | |
| "value": 46 | |
| } | |
| }, | |
| "31b3270be10148babd0b6fcf8505da24": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4946011a1796411f9601999475df262b", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_f42249ea590544968e21ed25bc7a371a", | |
| "value": "Block 011-017 batches: 100%" | |
| } | |
| }, | |
| "325ba6329a2c406c95c9607f45eefd7a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "3273673a11d648c99959a401cbbf20ac": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "32f9d3d44189402cb45275a2c3595f82": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b9c105f6cfeb4c7fb93e4f801f9cf825", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d0e44354d2d8480b8e5becb3bdbf5c96", | |
| "value": "Block 019-010 batches: 100%" | |
| } | |
| }, | |
| "33519b4e8ef24ba192b3e4dd441b4043": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3356ecf0a0bd4d13b7a8eeb9fa3e6e4a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3375b26d46564730a8030c99395cb162": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_3715a83aeff94c58ab4dd865322fa896", | |
| "IPY_MODEL_e44a4ce25dc8414196e020959c047f7f", | |
| "IPY_MODEL_c109e2e6ae474ed7bbcd8be58e796ddb" | |
| ], | |
| "layout": "IPY_MODEL_44462fb32f8845788f55dbf8253cd503" | |
| } | |
| }, | |
| "34a3aef2df2f48e6a2836d5201a8779d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3509883e93154ddaba6f92a7aeabe4e5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "350b4a4d4423469484e020fa9802e2fb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3524fdb4ca774a65bf95d295ccb5a8ec": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "357ed475686a4fda9da8e65dc9545355": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_806d61fcd8bf481f8b797cb13a7cf8fd", | |
| "IPY_MODEL_04d6008812114d7183429d61a42256c9", | |
| "IPY_MODEL_1e43072887834b27867a82ae52729b76" | |
| ], | |
| "layout": "IPY_MODEL_4ce770e96bc64f9d917b0fade86ad091" | |
| } | |
| }, | |
| "35e1e0bb13dd4d97a9f3daafb157889b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "35e56036288d4f02b44c908ec19ce27d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_82d1f307ed1048a9b00f9d1c58acfff5", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_45939bc1c28c451480ba02b0b18d0acd", | |
| "value": 6 | |
| } | |
| }, | |
| "35f07bc2c628427e9a0c186aeb20a389": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3613431d462c4e0b9305be1e464897fc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_e283e2a0564f4ca59e3aa7edabda8b08", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_28eeef50d6a84dca81dc9ad1bc692953", | |
| "value": " 1/1 [00:28<00:00, 28.78s/it]" | |
| } | |
| }, | |
| "365b614e9a3a4a08ab1db25a430fa90b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_8fbe506a7e4043758c3d8b321c2a6894", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_250365118ee34e4ea34d229f4ddf6d08", | |
| "value": "Block 009-012 batches: 100%" | |
| } | |
| }, | |
| "36a5afcd0fb748a58a8f51cd12c5d65b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "36dd9a2a5679480bbf5e54b0a9d41180": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_d8d0b714c1664275a942211eca96dd96", | |
| "IPY_MODEL_dfb20d34de134e898ebcf9ec5c01001e", | |
| "IPY_MODEL_a3f681b14aa247bda93a83190acfc5f6" | |
| ], | |
| "layout": "IPY_MODEL_3054e52bde90435f8a413a7eb491a2e3" | |
| } | |
| }, | |
| "37126b64062e47839ac1148458c6cd11": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_8b725a18e82d4452b592851149a402df", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_cc4862321ef644da85f84a42e7fec7d4", | |
| "value": " 1/1 [00:19<00:00, 19.87s/it]" | |
| } | |
| }, | |
| "3715a83aeff94c58ab4dd865322fa896": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_a62bad0c29004ee78b8d262b4ca25f61", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ed52342b8a4c41f5bae880737a6a6918", | |
| "value": "Block 018-003 batches: 100%" | |
| } | |
| }, | |
| "373798d035574079ba276633689d82ad": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_7b4d2fdbe6b34556a8b8d15bbb270c49", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_de80158281a84fb598327d28bde292f2", | |
| "value": "Block 011-017 batches: 100%" | |
| } | |
| }, | |
| "3776dd64470d440597a4c38d0fd0d257": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "37fbf391c4174aa5b555f1ac9a5a5206": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_d2faefb86afe4f94b8f6367e9cc4f850", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_83b1b64d07d449d18ff33da2a04645c2", | |
| "value": "Block 014-018 batches: 100%" | |
| } | |
| }, | |
| "385af30ec84d4085a263fdd034ac9621": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "38745369f50941ecb51bafd29de85f5a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "38f43d7ca7c24a3e8bd7a555ec0a392d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_3b6c3ef466c5461fbe55f193219e0068", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_48b6c9ffe0e84935951e193d81a8c9ff", | |
| "value": 1 | |
| } | |
| }, | |
| "39872578cb1a4265a25daf973840be13": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "398fb5d7542a4163ae01bf12a3a740a7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2211a01972644cf999a2918939769d9d", | |
| "IPY_MODEL_597d27bd2450422f90e0ae1324ebdce5", | |
| "IPY_MODEL_65a48c88a05e40bcab2e70622a3e7322" | |
| ], | |
| "layout": "IPY_MODEL_757f500ffc864469b57b0b2525307024" | |
| } | |
| }, | |
| "39a3ef2b905f4b4587b20f4b1e56e812": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "39b69deb9c3b4c058908f081987e9bc5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_f9bd12e4f93f4c70af3d6b238a93f58e", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_b4d0026c73dc4f9f9d583ace97df6a50", | |
| "value": " 6/6 [00:43<00:00, 8.21s/it]" | |
| } | |
| }, | |
| "3a368703e25e40a2a64edcef1a0b0317": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "3aca0cbf8c074981aeeb4ec25af82cd5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_92b92a7a9deb41aabc37b6b47fe50558", | |
| "IPY_MODEL_847fc342c99b4837b51434fcfd56c45b", | |
| "IPY_MODEL_b153b367cc2c47ff97ac81e3c181a0ca" | |
| ], | |
| "layout": "IPY_MODEL_3509883e93154ddaba6f92a7aeabe4e5" | |
| } | |
| }, | |
| "3b1b16fbb5bb4596a552d5e9bdf0a15f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3b2bc514b48e4e9982621414c5c35a19": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "3b63b0c225484a01a932585e94dea4dc": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3b6c3ef466c5461fbe55f193219e0068": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3b72dc4ed2184c0884ce025712f418f0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_92d4c22a441644eb98c0dbb1da2541d8", | |
| "IPY_MODEL_e25f62e8998b469faafc45b99ff4163d", | |
| "IPY_MODEL_c676297d83794727922a8a239c265766" | |
| ], | |
| "layout": "IPY_MODEL_0d4f51ac85904fb29bc4347d7916b7c5" | |
| } | |
| }, | |
| "3b80cc2661ab4e75b729f2a8365aaf5d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3b908bdccbc8462685793cf0d7c2bb22": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5857d752737840da8b553d360ccca7a5", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_697722577b4d45bfac7bc330887d0138", | |
| "value": " 6/6 [00:30<00:00, 5.34s/it]" | |
| } | |
| }, | |
| "3c3334b35deb498483260d7e7704a13a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_aa98645bba0b4b5480bdc647228fc1b3", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_77d5c50e76bf485d89c5428897599a63", | |
| "value": " 1/1 [00:20<00:00, 20.11s/it]" | |
| } | |
| }, | |
| "3c3be2eaae9f4f23b76c17fa9eb700d7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1ac5d827a29247e1b855254ec4a67f71", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_db3403990b894e03a1ec2dd7d1ac8db0", | |
| "value": 1 | |
| } | |
| }, | |
| "3c76c064362b49ce87e7711dc8e6db1b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_6bab4f392c054c59a508392054b50ab7", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_202cbd3a45bc4faca267be83f941948c", | |
| "value": " 6/6 [00:29<00:00, 4.73s/it]" | |
| } | |
| }, | |
| "3c82ea4f89d64b6eb1f2af29b3fe5ac0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "3ccd2d8582644ec98d59fb6f8146f1a0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3cf9f275518e444bbf3d237559793936": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_7338b1037b5e4fdda605acee903f7949", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_3776dd64470d440597a4c38d0fd0d257", | |
| "value": 1 | |
| } | |
| }, | |
| "3d4993a9b1054c8e9ad5141ba445e772": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3d8aef6b2b65423497ad0f357452d71c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1f66a555dc67451bb137cd0e61d33ccb", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_17b23c032ba44ca5bd27b4bad8691062", | |
| "value": "Block 018-017 batches: 100%" | |
| } | |
| }, | |
| "3d97ad4b7fb345b58e0abd9e431d395f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3dc16b75562941ddbbca91c8e17a30e2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_78345610a86d410d8a1e1922a380130b", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_86e4971771ac4dd0bc36871197992b28", | |
| "value": 1 | |
| } | |
| }, | |
| "3e2959991efe45d3b220de27a9f7c3b4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3e67ae7367784401a3f9ed0deb2e9ef1": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "3e89ec465f4d49249befbf22a524a656": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "3f462f5b3d0b471b81ba6580159975ad": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3fa1b5dcb4f340fe8980620ea4c8d8d7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "3fb002b2a1724dfc9ce52c200376c707": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1bf66c00576544bd855233e31e714ded", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_86a605dda0b04cc0a7f9f11c725f0c83", | |
| "value": " 6/6 [00:36<00:00, 6.06s/it]" | |
| } | |
| }, | |
| "3ff2faeed23b4e7fa822131e0079acc3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "400380cdc20c4917b96b76c1cbc2ec91": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_51c91ab8340941c69b3d3eb2cf506b02", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_117ea086a62d446b98dc8547902fecf7", | |
| "value": " 5/5 [12:53<00:00, 154.57s/it]" | |
| } | |
| }, | |
| "400c5c23c3c14950b3b4d4ac10a375d0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "407c0e19447b4284bbf64881343c4e5c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "40ba3ee2ce1e4cec8bf3b8c1766a4add": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "40d298a0f3e44d2892709cba0db074ad": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_d013ed05dd1f44e58f3779f4fb0f002b", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ccca05faf7764fafaa6f71874480a6d1", | |
| "value": " 1/1 [00:34<00:00, 34.49s/it]" | |
| } | |
| }, | |
| "410c8a6d3cb74c2fa00b439901a8678a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "41631399f46243dbb3c64bf2cbf152ab": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "41f138aa66d945d28524f51b4c1906d7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_981335e7ccfe40939abd9532e470c57e", | |
| "IPY_MODEL_093baec774e04c25837ebd4379c1ebbf", | |
| "IPY_MODEL_b23bea0efb5845ada0daaab044875b34" | |
| ], | |
| "layout": "IPY_MODEL_7072197911fa4856868011c2c6b29470" | |
| } | |
| }, | |
| "4216f2c16c924bb38164643e257f8c08": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "428bd0b523cc477c8e1dbbd2501acfe6": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "429383ac5a514332aa0038c414682c12": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "4293b39a02ab47cf93f9d683f294b205": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "42d75a097d93440481d200d17189f874": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_ccbce311d65b4911bfc06283f2a938fb", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_6051a7652c9048a198cba680f16424af", | |
| "value": 1 | |
| } | |
| }, | |
| "432c099939f04622bf53a684072cd72b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4355f770c7d249e7b49d2b42821fd1c5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_284ba3e1504a476c8cbec2a1f3c1946a", | |
| "IPY_MODEL_f34adc5cb71c46bba58e1d0b7682200a", | |
| "IPY_MODEL_62294cb434e44c20ab4f61ae2876fd94" | |
| ], | |
| "layout": "IPY_MODEL_768b8ef758684d2e85a82f3600ff543b" | |
| } | |
| }, | |
| "4360499a029f47db9a29e60182a13ca9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "438b55d6988f401d8bc3b198f21374ee": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "43cff1a9952149aaac74ffa79e31208f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "43ee825d454640c6b15bc0f26238549e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2639fe1c310d4f65959069f3432705ce", | |
| "IPY_MODEL_52899a3e6b7d4104b4270c2f0fbdf103", | |
| "IPY_MODEL_6abcf060db5b43faa7684d37e6b86eb7" | |
| ], | |
| "layout": "IPY_MODEL_d45758b53c7b437fa69115d8c65e432b" | |
| } | |
| }, | |
| "43f8909811a24ac39dc5522782583e5f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "44462fb32f8845788f55dbf8253cd503": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "4446b76ab79d4af480767b36f04a3696": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "44499e00c1f645dea4877d2f80f166f9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "4459780935094465a9c731e2b49ee31c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_7b1e2399ece34199bb8ec9ab62b27c33", | |
| "IPY_MODEL_6be4db939c5147f08a3e3abb8a1e621a", | |
| "IPY_MODEL_0ac0188ff36b4207b30ce4dfc0fb052f" | |
| ], | |
| "layout": "IPY_MODEL_21c987258463469eb69f11092b5bb76a" | |
| } | |
| }, | |
| "445ccd749787468c95d8874017688a7e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "4486c50a2e764b6abbabd45878ea15de": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "44943c6282a0442e9f8676460ea3f44d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "44ecd3c56fe14b72bb2f0f24108ca7ad": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "452a00791899421cbf4155263a61168e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "455589c4baa142a581c40e209acbf69e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4564ce4d1fd4481ab716bd19c66c185b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "45939bc1c28c451480ba02b0b18d0acd": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "459dc16665a14742aefbd7aff56afcc5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c2c286b10d13403fb20449f79e3dd40a", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_2a22b7b2ab5a497cae3ad922b0656fc9", | |
| "value": 1 | |
| } | |
| }, | |
| "45ea727a87ed46e28ff191fe4c654c87": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "463bf4a0a29b406e9f70c94d11323af1": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "464abee35f6f4724866fae2fc43fc2dc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "46bf1f53261047b5b77b37283d1c7f65": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_58a25e46555f40ad9e951731098edd57", | |
| "IPY_MODEL_d65580c40a184f8993bcf9e0befdfd9e", | |
| "IPY_MODEL_9610ae0c2b7a48928bef085a3685df7a" | |
| ], | |
| "layout": "IPY_MODEL_a800bdaafbd1493280149f8ed6f7448d" | |
| } | |
| }, | |
| "46d04cf60b634d49ac36df25c48d4c48": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4803d82b44c34fdb801e70d78cd1d770": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_14d8c83462ab49378d1aae6477a9030e", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_b24c870ed34542a7873fd2e9c16b9e5e", | |
| "value": 1 | |
| } | |
| }, | |
| "481728e694bd4a54909fdcde3d5d2dda": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_dce1f8064ba246d48ec11e5be50145b3", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_9520cb9577534435970fa8fc91cdc4a4", | |
| "value": 1 | |
| } | |
| }, | |
| "48263c74a9e04107bd68d2e8372ad603": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "485da72dfa544f7cace80214608adfc2": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "48b6c9ffe0e84935951e193d81a8c9ff": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "492b693766a14444ba3d7c4b2bec7630": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "4933ad57ae804ee2a03295ae1c7f9ce3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "493b480177434fbfa952f86f6e8d2b15": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4946011a1796411f9601999475df262b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "49960f7e4ae94031a3794b74172bb9b6": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "49b3302881ed4958b94b475478339ef0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4a11c5774a9548debaba9000bdb18554": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4a305a60df79444097927594e0e3b6b4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5e1a3fe84c9b40faba25e51f00bca305", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_714d5c27506c401da25577105de1e813", | |
| "value": "Block 016-012 batches: 50%" | |
| } | |
| }, | |
| "4ab19986d8d74e9c9d2d7f5759eb9e9a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4ac1efbd67564a749f74799df22a2d8d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "4adece1fcd4a4994bebe93be22e4296b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "4b33a9b39e2746e3a8d7bc4dea02d2df": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_37fbf391c4174aa5b555f1ac9a5a5206", | |
| "IPY_MODEL_6c5e6541344644e5b69cb6cf7c1f0fe9", | |
| "IPY_MODEL_e788b7b0779b49b8a9cdca122dc4010a" | |
| ], | |
| "layout": "IPY_MODEL_64d17179e01347bfadb867c659d02811" | |
| } | |
| }, | |
| "4b42db4c68a9472eb2e844db501cf6e7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4c33c3bbb42b4af0b2ec751f8cb32b8b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2927fbf5cacb415c96c952e22b8b2e3b", | |
| "IPY_MODEL_9d3b077e002e42ad8b5fa4c1f3cf2941", | |
| "IPY_MODEL_5d498a7970574f709703bde85a8109fa" | |
| ], | |
| "layout": "IPY_MODEL_7018c6fb8c84423caaf4e69be08344e6" | |
| } | |
| }, | |
| "4c3701e034a04386ba2afa99d9518952": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_70be5212f08444349c7f74ddc6c22de4", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_1d0632f7a2824cc086c7b0fa9a5e9e5e", | |
| "value": "Block 014-009 batches: 100%" | |
| } | |
| }, | |
| "4c87140a7009471bb4e946846aa552be": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4ce770e96bc64f9d917b0fade86ad091": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "4d009c783ed64bf693b8e7f617d98132": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4d4c44cdf86d4825b0f67a55ed5c5d12": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "4e1ff7baa81d4a2e97a57ecd83fbf5b9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_60d114ec469f40649ecb2201126d4622", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_c8b208873632451ea39e67a3fd615189", | |
| "value": " 6/6 [00:29<00:00, 5.08s/it]" | |
| } | |
| }, | |
| "4e39137ae4024dffa0c7b30cc7ea3872": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4e6cbd9f51654caa9396b5b9a582aa78": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "4f4e848a2f9c48ecb54bcf0acb197421": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "4f519c94d5c549cd99592ccc7ed9205e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_ddf564802e5048eca1a40f7314cd5aa8", | |
| "IPY_MODEL_986d0ff9593f4ef39a28f1fcfac9387c", | |
| "IPY_MODEL_2e8dc3576db64b80b910b470cbe6d6b5" | |
| ], | |
| "layout": "IPY_MODEL_43f8909811a24ac39dc5522782583e5f" | |
| } | |
| }, | |
| "4f6b1461f86c450c82e1a1ee4067555c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "4f805a6629894c898894a7c00b7ae05b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_70899b2921f34eb69dfe701662e5ada6", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_e9d314e7b38246f689c6d3ac02dfa11c", | |
| "value": " 6/6 [00:48<00:00, 11.43s/it]" | |
| } | |
| }, | |
| "507519f818874613ba89961a2f9835a6": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_062330aa0aeb4927a6d7ab679e2a45fc", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_0ff14a5c50af457c855a792f44fab672", | |
| "value": 1 | |
| } | |
| }, | |
| "50a5ed36de554608b4de3b597c15550c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "50b7183c8a494253961f9d0bdd2e791d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "50ccc87636724511be18fb34b4d4b531": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_32f9d3d44189402cb45275a2c3595f82", | |
| "IPY_MODEL_b37716b0ab7543faaf79d3a96846f39f", | |
| "IPY_MODEL_e69eeb9812e749b78e9ef66ffa5f2f9e" | |
| ], | |
| "layout": "IPY_MODEL_8359238995604206baef272b0250457d" | |
| } | |
| }, | |
| "5133fc761de4451081e134dbaf0f38b5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_03e77b275d3744b4aced90d6f97672d2", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_3c82ea4f89d64b6eb1f2af29b3fe5ac0", | |
| "value": 6 | |
| } | |
| }, | |
| "516ef8549a674df383019a0a8fb31965": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "518e72cd14c74e8d980e60a7201002e9": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "519003f3149948ccbbd7d7d9baec0910": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "51c91ab8340941c69b3d3eb2cf506b02": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "520315c4bf7e447d8f74840eefa8c991": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5284e068c6ca48b1a9cfafe6032f55fd": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "52899a3e6b7d4104b4270c2f0fbdf103": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c3e8ed7e6e4e40349af5900d5ff47ed7", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_b983bab6cf0c442188a83971767d501d", | |
| "value": 1 | |
| } | |
| }, | |
| "5306c9ec57eb476bb2d880a3af9b88dc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_536dbaa9127f408bb9f618ffd14a64ed", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ff225334e3054ebbac6ba46d84ccc1e7", | |
| "value": "Block 011-014 batches: 100%" | |
| } | |
| }, | |
| "532ac8f098e648c590ed95cf53dfef21": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "536dbaa9127f408bb9f618ffd14a64ed": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "54218e2b86494ff9b6d349371da7f238": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "54f4907937ed43a3bc9b0c02c76f2714": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_3d8aef6b2b65423497ad0f357452d71c", | |
| "IPY_MODEL_850a1fde3ab4440f97c34b95c1be72ac", | |
| "IPY_MODEL_02a8a7e597db4c899f5d154cefcd36c7" | |
| ], | |
| "layout": "IPY_MODEL_b661dfa35f66423fa8e5324fcb6cecf9" | |
| } | |
| }, | |
| "5510c950ae4e4f4684f2742be625e9a1": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "55751715b938439eb2b835d35f3972b0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "559ae8e49b454cb996deff69f52d7654": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1119166695c74642856051658187074d", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_bd1ab32b1bb74b7e8dfff9fea2c55d51", | |
| "value": 6 | |
| } | |
| }, | |
| "56129230f9314fbe83868f05d5b30e67": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5679da58111e41e98858460178fc7d8e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_cceca9b6a67e47a5b1495f3ea0fade73", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_0dff5853803740b6bbad2030212e8a77", | |
| "value": "Block 011-011 batches: 100%" | |
| } | |
| }, | |
| "56c9e9450b984cdb843846eecfd78fff": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_dd761088633e420c9b556738f863f8bf", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_492b693766a14444ba3d7c4b2bec7630", | |
| "value": 6 | |
| } | |
| }, | |
| "57046cc40a4d4b7fbb0c8655cfed610f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "57c89681560d48fda599839277e9a592": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5857d752737840da8b553d360ccca7a5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "585c7b32d55c4d2d83ad423d4ba81d9b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5866e83be3f94183a88be37d6166ce2a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_8c83f5cb56064f4a9a1425f6118f0ebb", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_08ba996b9ed6463ebe586ed6b0243c00", | |
| "value": "Block 009-012 batches: 100%" | |
| } | |
| }, | |
| "586967e22ab24e0d8b8032adb5cb6ea4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "587551e7592d4504b77ae0e4b7592f25": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "58a25e46555f40ad9e951731098edd57": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_979ba1d1eaa34145b5b7b717477c96e7", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_830a1a0ec20e4accb93c17310bcb8d4e", | |
| "value": "MSAVI2_mean folds: 100%" | |
| } | |
| }, | |
| "58e3000ee4024433b49521cdd747af0e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_5e568a16c100408499f91dd9cd052361", | |
| "IPY_MODEL_56c9e9450b984cdb843846eecfd78fff", | |
| "IPY_MODEL_39b69deb9c3b4c058908f081987e9bc5" | |
| ], | |
| "layout": "IPY_MODEL_5510c950ae4e4f4684f2742be625e9a1" | |
| } | |
| }, | |
| "58f4c72abb6e49988f162b0fd3cf827b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_140bd69b3f2d42a78627c75f9f61ff4c", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_d9a9d67c655a43cd809e6b5878ee87e3", | |
| "value": 5 | |
| } | |
| }, | |
| "5939f7c8154c4ad7946e26b36c9c3896": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "5950a4e74d554b579a27a73cb0b77346": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "597d27bd2450422f90e0ae1324ebdce5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_432c099939f04622bf53a684072cd72b", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_e15f217cfded4a0096a8f6cb9be49679", | |
| "value": 6 | |
| } | |
| }, | |
| "5997b81935fe4f8dba509b3d5f044cb4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "59b4780437604819af9208755f34e664": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "59da4dc4fe6b465d8a7212e7bbd36d76": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "59f27fdde29f4f2aa145d56b1f36091e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5a1b77f1ec5b408497d585b091fd7c30": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_f8799a98053640d5b713940876fce0c5", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_95ae142830e44a2ebf4e0defde8e5725", | |
| "value": "Block 011-011 batches: 100%" | |
| } | |
| }, | |
| "5a4b6b9d00684c4b8ad34fa3203d4fae": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5a794b88b50d430d81bfe13deafa94d4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_a9974dbba57f4deaa94458033980b136", | |
| "IPY_MODEL_459dc16665a14742aefbd7aff56afcc5", | |
| "IPY_MODEL_fec49884ff1542e4878054a549d14fdc" | |
| ], | |
| "layout": "IPY_MODEL_ee3eac1750674f3b853faf4a83b4b226" | |
| } | |
| }, | |
| "5a7d7800870c4348b0adb27705b64354": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5a86cc11e3a744d1a26d1a8bbea59bea": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5ad5c933840346a888d27c6c42078dc9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4e39137ae4024dffa0c7b30cc7ea3872", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_207b47b57cd34cd685cc1d00d51cde4c", | |
| "value": 1 | |
| } | |
| }, | |
| "5b093eb6e2664e039aee1b9919611c07": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5be9f27a677b456782baa9bc96c15cb2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5bf2dd3f9c6e4cd7aa459556290ce91b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_6415c6625c9d4542bdeaf45470a80f7f", | |
| "IPY_MODEL_b6f2b3a8106841d3be5a85c36ec853d6", | |
| "IPY_MODEL_2ef155f038b4445689800ace0530bbf5" | |
| ], | |
| "layout": "IPY_MODEL_84b19e755bdd43b793bdf29b761c63d8" | |
| } | |
| }, | |
| "5c30e1cee8b84b2091b023424b568e72": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "5c57984bc0d542938420d326157cabc5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5c60c92b648348d5bf91d8e01c40787c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5cf4cf2e2e80442885c584a183eb6080": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_fc998850213442efa5e9f6e92fe3c6d3", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_5a4b6b9d00684c4b8ad34fa3203d4fae", | |
| "value": "Block 018-002 batches: 100%" | |
| } | |
| }, | |
| "5d14aa2adbc54bb1bb1975a66489c285": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_40ba3ee2ce1e4cec8bf3b8c1766a4add", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_8f3402f009c5446aa85a9ffebc599dfc", | |
| "value": 6 | |
| } | |
| }, | |
| "5d15428673214af08cba3f1683b96283": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5d268bf689664d16a4c693f9ae6f09e2": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5d498a7970574f709703bde85a8109fa": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c5445387e6644c65bfc90d4fa41978c1", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_e9444d6de7644489b4826525324fa0b8", | |
| "value": " 1/1 [00:10<00:00, 10.65s/it]" | |
| } | |
| }, | |
| "5d8766435ea3476d8f95335ec9f3ac7b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5dc7ba5719c74c359d1eb473fd020d81": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_f010872011b642c0b4827ae59af9b6c2", | |
| "IPY_MODEL_507519f818874613ba89961a2f9835a6", | |
| "IPY_MODEL_caa5031a0cdd4f018a6efc1340e2e972" | |
| ], | |
| "layout": "IPY_MODEL_f5a34223274f454fbbb3c1e4597f9573" | |
| } | |
| }, | |
| "5e1a3fe84c9b40faba25e51f00bca305": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5e568a16c100408499f91dd9cd052361": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_97350759e8ce4fd282e39f7c420fb9bb", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_65788de150c74b5a980051d9acea10ca", | |
| "value": "Block 018-013 batches: 100%" | |
| } | |
| }, | |
| "5e8ca374f7db41b5b246d14e1460024f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5a86cc11e3a744d1a26d1a8bbea59bea", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_d06f1028edb24c0abcb79a397b1cc3a1", | |
| "value": 1 | |
| } | |
| }, | |
| "5eb9becae649468fa66160c6c415108a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_e8d8937118344c259476da89bad3adf4", | |
| "IPY_MODEL_b1362d5ede324010a97fcddc571f956c", | |
| "IPY_MODEL_144ade35f4b3430895e04407e129739e" | |
| ], | |
| "layout": "IPY_MODEL_b48deb529602408cbd7bbf2988196c63" | |
| } | |
| }, | |
| "5ebfed08c29e40409da2a257a66fd501": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5ee2da9a9cbe4e1d9b72bdb3cd481bea": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5ee90ee3582a4d50865415dec23946a0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5f2a47dd427a4f8fb26fb13fdf1cfe2f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "5f2b411631e6446badac4691e61d8669": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5f5e048a13a14500a0a97b169e25bcf0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "5fe595c2d7e343e7bbd49d18fb5f07da": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "6051a7652c9048a198cba680f16424af": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "609b08cb6b844624b6ff72cdbf75177d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_34a3aef2df2f48e6a2836d5201a8779d", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_167c937e0f7444b0b6be5d3c5ed34340", | |
| "value": " 1/1 [00:13<00:00, 13.91s/it]" | |
| } | |
| }, | |
| "60d114ec469f40649ecb2201126d4622": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "60e9b7e038ab4835ba71548343681868": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "6144274b10ca45b780bf6c9613b3b066": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5ee2da9a9cbe4e1d9b72bdb3cd481bea", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_833491a1f9e64af1a7e748ec89ad0537", | |
| "value": 6 | |
| } | |
| }, | |
| "616265c5defe46a5a564aa970551221e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_96e318194a0e48ed9f56386bc34bcb83", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_7eb3f52f3dcd45af9bd7627c25db4901", | |
| "value": "Block 012-016 batches: 100%" | |
| } | |
| }, | |
| "61a1f736abb94f33b60a0a7140a3d8eb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "61b73cfff39e4af380f9fdab6eb4c09e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "61e9bbc54aaa4b79b556c3f40438b13d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_87d0ae159d304b0a8fe742c900b79cfa", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_2ac3304ee4874b91902b5ae9ad854a19", | |
| "value": " 6/6 [00:36<00:00, 6.22s/it]" | |
| } | |
| }, | |
| "62294cb434e44c20ab4f61ae2876fd94": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_0775c376d2b74c23a64da8a9df3d6136", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_daf7ab3571544e7ca34682ad9da874a3", | |
| "value": " 1/1 [00:09<00:00, 9.80s/it]" | |
| } | |
| }, | |
| "62397aa7231b47559626b5a260329618": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "626ccee88a344c7b843ba324fdbdbed5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_122740589a2a4d07acd961a9c8f6dc46", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_0b46af1d70994e0b81bc46cbb595876a", | |
| "value": " 1/1 [00:38<00:00, 38.10s/it]" | |
| } | |
| }, | |
| "628cc7a3a702459eb7cea872eb5179d5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "62a272f0f02e4e3e87e81fc7bed20781": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "63234ec20e604abd8d31b67cdd7a7ab0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6415c6625c9d4542bdeaf45470a80f7f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_67b0725aba084c379c55ae826b7ba138", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_b32f4cca9e154cb59f1fcf77312adafc", | |
| "value": "Block 014-014 batches: 100%" | |
| } | |
| }, | |
| "643a519e5fe64b16b57de52a0ae60dcf": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c923746905bf4ab7b651f23f7ab3e0f2", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_fc6f305630a74172bf557a37240ba3de", | |
| "value": " 6/6 [00:34<00:00, 5.46s/it]" | |
| } | |
| }, | |
| "646fce4233b240f29d37e5d4abb3a1d0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_ed053795e8ca404ebcd7d95760322326", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ce9d661fa02942deabdb1f21ede2c6bf", | |
| "value": "Block 019-008 batches: 100%" | |
| } | |
| }, | |
| "647d78c37db246a996dc9d37c13f4f3f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "649575ae57124b18b671c87da1d6b09c": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "64ab412be15f4b718db2ea120ff268cb": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b46426af2cc24fb48c81a332056d21ce", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_b0cbec142aff48aba2cb219dbdd61c1f", | |
| "value": "Block 011-016 batches: 100%" | |
| } | |
| }, | |
| "64d17179e01347bfadb867c659d02811": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "6534eb66c5f54495b3560e8074935c6e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "65788de150c74b5a980051d9acea10ca": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "65a48c88a05e40bcab2e70622a3e7322": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_57c89681560d48fda599839277e9a592", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_400c5c23c3c14950b3b4d4ac10a375d0", | |
| "value": " 6/6 [00:38<00:00, 6.67s/it]" | |
| } | |
| }, | |
| "65b33d0ee1c14efe9defd6f7fac5c41e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_ad4fbe1c772c40949e6fadbdbe4991cd", | |
| "IPY_MODEL_714721550f7a4d888b52c0dd8c56ee3e", | |
| "IPY_MODEL_e989693ac1b34a8293bf001e758d7d56" | |
| ], | |
| "layout": "IPY_MODEL_649575ae57124b18b671c87da1d6b09c" | |
| } | |
| }, | |
| "65bc5157ffca41d5999a5d1a698b5780": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "65cfad70ca7d4a2eb14168865395059c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_20b5d9211cc04123adb4691537b95c66", | |
| "IPY_MODEL_35e56036288d4f02b44c908ec19ce27d", | |
| "IPY_MODEL_ebd0423b009c426c9d9c1f6fcc2adae5" | |
| ], | |
| "layout": "IPY_MODEL_7f3db7d5c2624e35bbac16368c55d456" | |
| } | |
| }, | |
| "65d273add3234b8085bb3e61f79b92f3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "662ec47f78644fd998cc4a2dd18d0833": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_f244860ca4c54f53bfce2bc871404edb", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_9a0e601a54af4c70be9fcf8d32a20c51", | |
| "value": "Block 010-011 batches: 100%" | |
| } | |
| }, | |
| "664d585817a14df1978e9e56562007c4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_10a25a37f3d84e07abde44dbc2164bd7", | |
| "IPY_MODEL_e12e8fb4ac9d48e0a6a1f7faf3a7ccc1", | |
| "IPY_MODEL_0ba23be2bd9845c488ae4618912b2148" | |
| ], | |
| "layout": "IPY_MODEL_fbbf2b4b6822470286d93c0185726f2d" | |
| } | |
| }, | |
| "66aaa4996d8249f6bc0af75fef1234b0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5284e068c6ca48b1a9cfafe6032f55fd", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_fbc8088f677c4541b457a835d595b623", | |
| "value": " 6/6 [00:35<00:00, 6.11s/it]" | |
| } | |
| }, | |
| "66c71f2475bc4176a6d4327c37bd5607": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "67049c9390554b0f99cab0e1633d513b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_365b614e9a3a4a08ab1db25a430fa90b", | |
| "IPY_MODEL_6bf3014c5f8e4f05ab4a186c350ea624", | |
| "IPY_MODEL_7bcda5b308e042aeaaef43e7f8ab6745" | |
| ], | |
| "layout": "IPY_MODEL_05e1db965d0a4b168556d2cb42c84cf5" | |
| } | |
| }, | |
| "6743b4e9af7f4b5da38602bcc923e3e9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2583ec407a794c1da4fe498d8bd2540b", | |
| "IPY_MODEL_ae2b0200bd8d4a55abc00e9b79319eef", | |
| "IPY_MODEL_80c1c17eb6c2403388931552ce6ac4b3" | |
| ], | |
| "layout": "IPY_MODEL_d0572008f4ef4a5e85ed13f58db6f5ef" | |
| } | |
| }, | |
| "67b0725aba084c379c55ae826b7ba138": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6811dcb28e014d93afdccad96533382b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "686e850f5cc041b0b52b28e7203e52f0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "68a562146d88430cb8f841a250caf21d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "68fd6f31eb27464990cd48b69ffc8eac": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "697722577b4d45bfac7bc330887d0138": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "6a0b87a598124a75a78d64e78b8e87c7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_17f8cdee180848f0a91591c45e076fa4", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d63058c1e25347c5a280f2c470b06d9f", | |
| "value": " 6/6 [00:38<00:00, 6.72s/it]" | |
| } | |
| }, | |
| "6a4c9b23f3ba40bb970eddfd741e4d59": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6a9423e8632e43b6998e1199d8a183e0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6abcf060db5b43faa7684d37e6b86eb7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_fe08491d1a3246dcb27858d0a2990e86", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_aab79351fdfe4aabb639e02b8630aab9", | |
| "value": " 1/1 [00:09<00:00, 9.75s/it]" | |
| } | |
| }, | |
| "6ac30ce3e5a444eda8e6e5adb7f768db": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "6ad3b6765cfb4820918377e1bc4fd570": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4933ad57ae804ee2a03295ae1c7f9ce3", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_e5d80c8943f2487ab1209b1bbb800e07", | |
| "value": 6 | |
| } | |
| }, | |
| "6afc958b1ded4d53ac66a15e2667f1e8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6b96115ffaf547e0a3ae7b50cd0f3cc2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "6b9dc864069641beb5f7af5c10954289": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "6bab4f392c054c59a508392054b50ab7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6be4db939c5147f08a3e3abb8a1e621a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_3b80cc2661ab4e75b729f2a8365aaf5d", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_0195add19ad64a4ea0e67937849338e0", | |
| "value": 1 | |
| } | |
| }, | |
| "6bf3014c5f8e4f05ab4a186c350ea624": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_fd2bc032401b467e959f11760175e2d7", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_8a17b53ac8b14a928405288a5b6876b1", | |
| "value": 6 | |
| } | |
| }, | |
| "6c180333601d462581bc5adbd01957f9": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "6c5e6541344644e5b69cb6cf7c1f0fe9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_010b4648195b47c6a7893c130b22176b", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_6ee83ba584b3434ab7e876d418b72c4a", | |
| "value": 1 | |
| } | |
| }, | |
| "6c79125a15174222a7e0d438df226770": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "6d800878ba0b49ad8c7ffda555538028": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "6e42a1d1d19f4089ba0f200b3ebcfa3e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "6ecb2fcc70314dacb8d1d457ed4fef9e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_0dd406b86e0a410ba95fc52c53c71028", | |
| "IPY_MODEL_f7175bbd1d4d4dac8fd2645bc21f0d36", | |
| "IPY_MODEL_1dcf616462f348ec82eed90b14482c35" | |
| ], | |
| "layout": "IPY_MODEL_f2262f22f6d84d0aa17d1fc310a0868a" | |
| } | |
| }, | |
| "6ee83ba584b3434ab7e876d418b72c4a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "6f1257f9ca1e4f44957cc41e60bc3652": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6f609e6ec2374a7492ce0d9076ec2c11": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "6f9abef241c64e029ee36031ca3fdd5b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_21eb8c32ae884193bdeb745fea1984ba", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_2668f5f3776f404eb139833b7affb1c4", | |
| "value": " 6/6 [00:34<00:00, 6.41s/it]" | |
| } | |
| }, | |
| "6fa82e3860a0457cb84cce6f3ae3b2f6": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "6ffe72df1b0e4be6a286528248f6bb13": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7018c6fb8c84423caaf4e69be08344e6": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "702f8c6dfc534753b6cc300e1fbeb7f8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "703e8a5e8e5446b782b6ce7ffc0b7f82": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "70415a780fd049fbb93c3e988d337848": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "7072197911fa4856868011c2c6b29470": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "70899b2921f34eb69dfe701662e5ada6": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7089b5a54b5b4f6e9937748cf52d581e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "70908ff15b9545d68d996094c4faea47": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "70be5212f08444349c7f74ddc6c22de4": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "70cc4c7d930647ecb306c15abb6605da": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "714721550f7a4d888b52c0dd8c56ee3e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_acf71c7596d74621ad10d231c4f8fc5f", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_c5831cbdac604226af5460c7fc4ca39e", | |
| "value": 6 | |
| } | |
| }, | |
| "714d5c27506c401da25577105de1e813": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7182f57084aa4a60b7a54c1c858fa3db": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_e3d9c103dd034d07a44db3e4c33b3d09", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_5fe595c2d7e343e7bbd49d18fb5f07da", | |
| "value": "Block 008-012 batches: 100%" | |
| } | |
| }, | |
| "71e82e12fda94c59a979d1669c9edb3b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "721b96ee280d4fdbbf2ff714d9e4b03e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "729948e5634e4b23b300659394784ca7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_e5637c013f8a473f8f6cd704e3493ca4", | |
| "IPY_MODEL_b593c27423be4f738fe4685007799cee", | |
| "IPY_MODEL_fca439d8729549f38ffab52cd351a590" | |
| ], | |
| "layout": "IPY_MODEL_586967e22ab24e0d8b8032adb5cb6ea4" | |
| } | |
| }, | |
| "72b4ffe9cc724d44b6d71ca90aa9fa11": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_9672de2b7f4540d8a78d9c1418b25095", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_d2fd7202ccae400eb7e2006bb158c18c", | |
| "value": " 1/1 [00:12<00:00, 12.38s/it]" | |
| } | |
| }, | |
| "72c2bb0ebdf6488391751ca0e3d75c4e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "72f94c70ffd34cf29a5faeec0bff5354": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_9888e676ea164b2c8838c4ac15951dd4", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_85220219142148be8b146ea86f94529f", | |
| "value": 5 | |
| } | |
| }, | |
| "7338b1037b5e4fdda605acee903f7949": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7398a7a96cb3492bb9b32021a3be14e0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "73b52b093a284b24a7ae80c523bcf956": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_01d2370791264a88bc7717a7ee7c1f7c", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_585c7b32d55c4d2d83ad423d4ba81d9b", | |
| "value": " 46/46 [11:15<00:00, 10.71s/it]" | |
| } | |
| }, | |
| "73e6a61a973748a384b9a76fa1376da5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_5866e83be3f94183a88be37d6166ce2a", | |
| "IPY_MODEL_1d5d39841fef413688f00d73565be923", | |
| "IPY_MODEL_fabc8cddb36648a1bf4c33aac119e85e" | |
| ], | |
| "layout": "IPY_MODEL_bdda7bb6d38845b8aec0d5e9adfd5779" | |
| } | |
| }, | |
| "742fbd7b77ed45af93ac4e65a078e1a4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4d009c783ed64bf693b8e7f617d98132", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_18b55564c6ee499193bcf9dbc5eb470d", | |
| "value": " 6/6 [00:37<00:00, 7.38s/it]" | |
| } | |
| }, | |
| "747b261272164e1c83145526f01a5d34": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "74c1f6b2413c49f5838e940d7bece604": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "74d9087a08a7476d8f8a8ee4a494668d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "74ed7c2ac579498a811919627124fb80": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "7544f7e4c7a14b46a752f26a8449fd7b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "757f500ffc864469b57b0b2525307024": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "7593d8fe5fd347dcb7001b28bf280e27": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7601928473e44b639f18e7f23254f9ab": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_0d8351ebe3084d21bf1567a95ae8d57e", | |
| "IPY_MODEL_c20093834d614c3da26b6f5da027a46c", | |
| "IPY_MODEL_c77a960d0bdf4556801232aceabf0ffa" | |
| ], | |
| "layout": "IPY_MODEL_4216f2c16c924bb38164643e257f8c08" | |
| } | |
| }, | |
| "768b8ef758684d2e85a82f3600ff543b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "772550fd59624a5b84a6c020e7410730": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "776d8b961b61497b8dcfeedb19b58113": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "77cac1cb1a5e4b14bdb614375232905e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "77d5c50e76bf485d89c5428897599a63": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "77e79e07ce60423ebc7e47ba1636d7d3": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "782442f96c2d49009ae65947494d4c4d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "78345610a86d410d8a1e1922a380130b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "78958a198d9848f89283f2362f2f6b9b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b2ea02022ac04ffa9cdb7109415605d6", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_587551e7592d4504b77ae0e4b7592f25", | |
| "value": 6 | |
| } | |
| }, | |
| "78cbe4b7f45644cc9c0f42a30ee975ee": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "78e759e001654c9a9658fe222e832417": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_3ccd2d8582644ec98d59fb6f8146f1a0", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_8cbd4390b4b84f749b2e39951ad4977a", | |
| "value": 1 | |
| } | |
| }, | |
| "79436d4dc65747cb82fe1b01d85d6448": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7a7e2274f11d4b9a900a0f0a395dfcaa": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7adbdf63bba942478890aa00032f79d0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "7b1e2399ece34199bb8ec9ab62b27c33": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_0fae22902ae2487a984e75390be14260", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ec699fc7f44245f88a7d4402bb0a1013", | |
| "value": "Block 010-008 batches: 100%" | |
| } | |
| }, | |
| "7b292c590e1c4c17ae6e5e5224e055d4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7b4d2fdbe6b34556a8b8d15bbb270c49": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7b75bc533dec4c36a16e4c4c66ed0c2c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "7b83b7c255aa42c4ae3df3be8fc3dfd3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7b860d0372704940b0cfe49256f3d431": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "7b99cf221d554b46a3fc18f01f197d0a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7bcda5b308e042aeaaef43e7f8ab6745": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_772550fd59624a5b84a6c020e7410730", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_c55166bd2745425abacfbc1581b846bc", | |
| "value": " 6/6 [00:41<00:00, 6.47s/it]" | |
| } | |
| }, | |
| "7c015d716e4d4a22ab5712b23dbdbb32": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7c4d0d9248854ac1b980b42f7187cbef": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7c6b6c54c5184f9db1a03b1cc02d7eb2": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7ca85b75e31e4a1d8470bb77bcbf8346": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_4c3701e034a04386ba2afa99d9518952", | |
| "IPY_MODEL_38f43d7ca7c24a3e8bd7a555ec0a392d", | |
| "IPY_MODEL_b1ff2c2e6e42429c90c0c208b658bfd7" | |
| ], | |
| "layout": "IPY_MODEL_2b21fe062e7548be9fb957a4477c37fa" | |
| } | |
| }, | |
| "7cc79c4b17f74b8c800aa11c9190152f": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7cc7e9aff9004420950333c088dbdbbb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7ce1c0164eb1468c8c5b11a43b1736bc": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "7e15d2a3569644f3a131a80b5e6df5ee": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c4b31fde198f4cdd8ee471000006d88e", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_15da467a096c44fd884b7894681db760", | |
| "value": 6 | |
| } | |
| }, | |
| "7e23d06ef0064eee8eaab335f05b97e7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_8f7c423d90ab407587a03a3ec3ebbca8", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_3e67ae7367784401a3f9ed0deb2e9ef1", | |
| "value": "Lasso folds for NDVI_mean: 100%" | |
| } | |
| }, | |
| "7e3e4538f68d41abbddc9950dfbb19b7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "7e72df71146c4f1c9bd83b543d8c73d0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_af1b451e6d8043918c5f7dd0d339c6a9", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_a534aabfd46747c9a8aac13ad85f16c6", | |
| "value": "Block 007-011 batches: 100%" | |
| } | |
| }, | |
| "7e8bb4afeb7a4700b8823bef8885395c": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "7eb3f52f3dcd45af9bd7627c25db4901": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7f3db7d5c2624e35bbac16368c55d456": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "7f5dea78e6e14f1c9e9e331be11c0da3": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "7fd459dae42e4e429f2fc677bd5f8055": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_5950a4e74d554b579a27a73cb0b77346", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_a024644590414ba1b964a466686c2e61", | |
| "value": "Block 018-017 batches: 100%" | |
| } | |
| }, | |
| "806d61fcd8bf481f8b797cb13a7cf8fd": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_9f97af72fca74b4d88e7437117df671f", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_99bce7b3316645aa9242ebfac80e9b66", | |
| "value": "Block 014-020 batches: 100%" | |
| } | |
| }, | |
| "8070be12e95849beb41e2c657f400fe5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_dfd6e85851914043a703d1d864587c74", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_026cf880bce1436baac63dfda758acbc", | |
| "value": 1 | |
| } | |
| }, | |
| "808a4e6adf3e4518ab258d4f860fd23a": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "80c1c17eb6c2403388931552ce6ac4b3": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c164b3e904cd4d0b9b0a5a1017e91b1a", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_c04436cf7eb3428c83157c0a1cae1fb1", | |
| "value": " 6/6 [00:33<00:00, 5.66s/it]" | |
| } | |
| }, | |
| "80da5c6cbac8498e94b61345f34860f1": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "810e8274b4844f4e898aca19e6e06c5b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "811fdce8e9dc46a7a76dc75e5eaa2990": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "812c45f38a8340a490f476d5f4fba9bc": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "814174cb3c6d4428ba53f6cfe513fc97": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "81441ce4baf24ecb87269e4e23f408f8": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_b3065f79b7604d0b802c702de85664ce", | |
| "IPY_MODEL_6ad3b6765cfb4820918377e1bc4fd570", | |
| "IPY_MODEL_ad17351850c047a3a29537fd91bae086" | |
| ], | |
| "layout": "IPY_MODEL_36a5afcd0fb748a58a8f51cd12c5d65b" | |
| } | |
| }, | |
| "81798253ddd54547996212ec16fa662f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "817f69ab9f354a50ba4d892182ad3b1c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_a6a1730cf9384b30a11c3c5220f6461c", | |
| "IPY_MODEL_15c42edb2a084ee0a0e949cb4ef9246b", | |
| "IPY_MODEL_3c76c064362b49ce87e7711dc8e6db1b" | |
| ], | |
| "layout": "IPY_MODEL_43cff1a9952149aaac74ffa79e31208f" | |
| } | |
| }, | |
| "819de8da1e664fc9838b1dbc8f58ae80": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_662ec47f78644fd998cc4a2dd18d0833", | |
| "IPY_MODEL_a8ebebb690914b1e8bdbe37814f579c6", | |
| "IPY_MODEL_127d6cbaa94742479139f11393312c33" | |
| ], | |
| "layout": "IPY_MODEL_74d9087a08a7476d8f8a8ee4a494668d" | |
| } | |
| }, | |
| "81fb27d58185453db0d9646e345d93ec": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "823a9944b4d24a599f8199a77b51a0c0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_123cb6798b854cd6bb350db638058efb", | |
| "IPY_MODEL_78e759e001654c9a9658fe222e832417", | |
| "IPY_MODEL_b2be5b8db22a429282f7605fa8dbb960" | |
| ], | |
| "layout": "IPY_MODEL_54218e2b86494ff9b6d349371da7f238" | |
| } | |
| }, | |
| "824ce6d8178c4149ab481bbdbe8e7353": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "82d1f307ed1048a9b00f9d1c58acfff5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "82fb4060d3084ebbb3af49c749a6ee66": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "830a1a0ec20e4accb93c17310bcb8d4e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "833491a1f9e64af1a7e748ec89ad0537": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "8359238995604206baef272b0250457d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "83b1b64d07d449d18ff33da2a04645c2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "842a8dab79c24ee880aa6de9a507d3a2": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "8435980092b64eb2ae479293ad9485ae": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1640e1eb7e094999b94911e1e37784e6", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_9bd36af38bee48b19e577da584d3f6aa", | |
| "value": "Block 012-007 batches: 100%" | |
| } | |
| }, | |
| "847fc342c99b4837b51434fcfd56c45b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "success", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_70cc4c7d930647ecb306c15abb6605da", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_2e0cc8ed51814657b79dfbd6bb02f3b0", | |
| "value": 5 | |
| } | |
| }, | |
| "84991d1f03dc4b65b6ffb2125d1dc17b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "84a65735fde84a00b10ba91720e8f4c9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "84b16f5ac8f34ec993b9e54f9867c4e7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "84b19e755bdd43b793bdf29b761c63d8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "84e60ce347cf43d196d4f9e1f00a95f8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8505ad08f08b48d694351ac8e22bfe37": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_2a2e44b3c70245569264ab0b67c4936f", | |
| "IPY_MODEL_99682ab7e20e4abb905e670a12dac96d", | |
| "IPY_MODEL_e32dadfa6df94c9cb2cc6d4fd6ee70ba" | |
| ], | |
| "layout": "IPY_MODEL_e0881fdc27d94c72b872b8ab57b41238" | |
| } | |
| }, | |
| "850a1fde3ab4440f97c34b95c1be72ac": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_9e6fcd255d7140219726a88187b0ce20", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_01c9c4e765774c7f8b1074a9f818a59a", | |
| "value": 1 | |
| } | |
| }, | |
| "85220219142148be8b146ea86f94529f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "853af332df80496d91b0eaceccc2d488": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "8551d8d745e446478d68a9a490b33828": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "867bcfd8977a478695a71f86705ebe9f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "86a605dda0b04cc0a7f9f11c725f0c83": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "86dd59dc4d3245d591419025f31361cf": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "86e4971771ac4dd0bc36871197992b28": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "875834a2b23c4dce930740845a81e9c0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "876e21899b464ffda9f398a768054963": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_2dece5e475d3453baad94632d64d0d56", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_06273de61a8f45fdb14af272a90f4eeb", | |
| "value": "Block 019-019 batches: 100%" | |
| } | |
| }, | |
| "87d0ae159d304b0a8fe742c900b79cfa": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "885c3d1f9417446eb10d05ed6b3b857d": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "88e8f3fc4a834506bc782ba60cd3ac57": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_9746210a090145b8b9083fe1f832760b", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_a1f3af2a58dc4a1cb41a4ac286d2300b", | |
| "value": "Block 012-018 batches: 100%" | |
| } | |
| }, | |
| "89002bbba53d4f328408173e2992e698": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_65bc5157ffca41d5999a5d1a698b5780", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_962f000d1ad0475cae778cf50cd532e2", | |
| "value": 1 | |
| } | |
| }, | |
| "8900d2c3711a46459cb852f12390c6f5": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_776d8b961b61497b8dcfeedb19b58113", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_dc7eab31440e49aa8ed0a4c3e06a98f7", | |
| "value": 1 | |
| } | |
| }, | |
| "89c4dbc393b341fabf5223f6ed4d2ad3": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8a17b53ac8b14a928405288a5b6876b1": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "8a23b75d5dc84e6db3328a641b02dcae": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_952c7bd1b43f4addbebf138a26dda254", | |
| "IPY_MODEL_f28f95dfd1dd4bc9a49b97cba289e5d3", | |
| "IPY_MODEL_da2a1e5ba69340c78b82ac075e236c7f" | |
| ], | |
| "layout": "IPY_MODEL_1c27db3639d24fc69ee9b35543582940" | |
| } | |
| }, | |
| "8a7cbc4937de4c53a3cc5d9c34e2d33e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "8a84bb079cbd4690a585cb7c8d096f04": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "8ac6ea82886641b1a09e1e638e53280c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "8ad06a9a391a4fa68d81e6fb5eb3b767": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_b0a82b404ad34c3e948ab11bd1e59683", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_81fb27d58185453db0d9646e345d93ec", | |
| "value": 6 | |
| } | |
| }, | |
| "8ae42f23d6fd4c4ab8c3528b7eedb4b0": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8b26dbe1a28c46c6aedfaa57c34f07e7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "8b6cb8731a1a46efa74a12c810f1bbec": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "8b725a18e82d4452b592851149a402df": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8ba6602182184597980c0d66ca46cab7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_628cc7a3a702459eb7cea872eb5179d5", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_824ce6d8178c4149ab481bbdbe8e7353", | |
| "value": "Block 010-014 batches: 100%" | |
| } | |
| }, | |
| "8c05b63c4f324bd282ce74db00c7a1db": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "8c608a3dc2f0419bba6c3cf948f3fc0c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_94b98c607bcf4d569a4208ef596bbcf1", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_f13a651974c34c8fbc56fede29cfab1b", | |
| "value": 5 | |
| } | |
| }, | |
| "8c83f5cb56064f4a9a1425f6118f0ebb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8c8c85ada2fe404c95ebf2fd72dd11d0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_0eec8c81659743ce818cf5a9f2746a32", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_3a368703e25e40a2a64edcef1a0b0317", | |
| "value": "Blocks: 100%" | |
| } | |
| }, | |
| "8cbd4390b4b84f749b2e39951ad4977a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "8d2ce081987e4abcbb31ce2a746752d8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8daad83dcb9d4754a0588cbf6bca3d2d": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_f1df24cc961c476e965bf0e068994880", | |
| "IPY_MODEL_6144274b10ca45b780bf6c9613b3b066", | |
| "IPY_MODEL_4f805a6629894c898894a7c00b7ae05b" | |
| ], | |
| "layout": "IPY_MODEL_7089b5a54b5b4f6e9937748cf52d581e" | |
| } | |
| }, | |
| "8dd0c65b46984e2ab17fd820925f663f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_96665b24698d4407817cb1ce80d48f02", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_2ae5eb7969e441dd977bbb82daead5d8", | |
| "value": " 1/1 [00:17<00:00, 17.56s/it]" | |
| } | |
| }, | |
| "8e072f13052e4acaac342ee414e17782": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "8e6c4c47cbfa415a8e92eb89322beeb2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_59f27fdde29f4f2aa145d56b1f36091e", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_61b73cfff39e4af380f9fdab6eb4c09e", | |
| "value": " 1/1 [00:10<00:00, 10.04s/it]" | |
| } | |
| }, | |
| "8ec059d02ad64542b45fce4d92d3fa74": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_616265c5defe46a5a564aa970551221e", | |
| "IPY_MODEL_eb19e644d9b84f2cae00770e82d9c038", | |
| "IPY_MODEL_3613431d462c4e0b9305be1e464897fc" | |
| ], | |
| "layout": "IPY_MODEL_70415a780fd049fbb93c3e988d337848" | |
| } | |
| }, | |
| "8ed45dd50212416fb7c52bcdfe49d198": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "8f3402f009c5446aa85a9ffebc599dfc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "8f7c423d90ab407587a03a3ec3ebbca8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8f8199abbbed447ebb09f733061fe372": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8fbe506a7e4043758c3d8b321c2a6894": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8fc35178f6f2434b848ba269977df83e": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "8ff6786b396649ccaa205f6ff19696e5": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "9023b7ba456b47c6ba272e5b91743759": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c752baf222264b428e1f5385c3f96f34", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_b59c7b57eecf473f84e3f7dcb07ab61e", | |
| "value": "NDVI_mean folds: 100%" | |
| } | |
| }, | |
| "90a24433149c44fd9f5b8ea000ce7fe8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "90a44245010844bf93f6a00f32a98693": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_029d0548f07a47818ea2ab26a02c844b", | |
| "IPY_MODEL_481728e694bd4a54909fdcde3d5d2dda", | |
| "IPY_MODEL_ba0dd68b62ab49e4916f592d84de7947" | |
| ], | |
| "layout": "IPY_MODEL_f7861ab430ff4eebafcaf654b57663a2" | |
| } | |
| }, | |
| "90b33933708f4c5ab863274278e49d73": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "success", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_db08eb768b0044b4a58f14e6d944cdd5", | |
| "max": 5, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_60e9b7e038ab4835ba71548343681868", | |
| "value": 5 | |
| } | |
| }, | |
| "90e71a42cef54081b5d9386df7d4b1cf": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_c8d91801a49344c58aaee1da40df1e2e", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_d46f4507398441659b1bf8a723019f89", | |
| "value": 6 | |
| } | |
| }, | |
| "90ec5ebc69e0438eae5cf1f34d43e282": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "90f12c7017e74734bd92f2ef2c3c1855": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_0ca8263be4fe454780f5c5eba611379e", | |
| "IPY_MODEL_fc63c5298de841fa953170c226ab2df8", | |
| "IPY_MODEL_8dd0c65b46984e2ab17fd820925f663f" | |
| ], | |
| "layout": "IPY_MODEL_9c12543ff63d4a5bbb25fb6ef11b7a37" | |
| } | |
| }, | |
| "9140a46575ff47289d7d8589f40da17f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_d94954e64cbe4475b35287d38e6ce104", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_810e8274b4844f4e898aca19e6e06c5b", | |
| "value": 6 | |
| } | |
| }, | |
| "917e43732699465b9471f7d703d348cc": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "91960bd009d445a38bead53cd8fbae90": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "91999f88deee4ef8bbf647ea561caae0": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_25c78ae531a84dfdb442cef9c67f1129", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_20f492833c7149b4b08a11471eed9946", | |
| "value": "Block 012-020 batches: 100%" | |
| } | |
| }, | |
| "91b57e533340434ba81071a4cd980cc3": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_09d6acce005b42b29adcaf7ec7ca3311", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_2396541b3ff342078be540ce751c567c", | |
| "value": " 1/1 [00:20<00:00, 20.85s/it]" | |
| } | |
| }, | |
| "91bb119e48cb4ed8bdd37e6bfd2dd1d9": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "91c9979aa6114fb7b138d9439bc691dd": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "91d08ccb4ae742a4bdf7c7b268cce520": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "923e1f7baeb2468497c23fa7cd940f58": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "928aef1e443f4859b96f4ceca74f0ef7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "92907fe651d54c9ca904f16b222dd279": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_2792c9e9a67f460a9cb385fc5b29213f", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_f770dc59d4834686ab12b7154112fd37", | |
| "value": " 6/6 [00:33<00:00, 5.72s/it]" | |
| } | |
| }, | |
| "92b92a7a9deb41aabc37b6b47fe50558": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_702f8c6dfc534753b6cc300e1fbeb7f8", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_29ea0b89c78a4312a111dccbfbcf1d41", | |
| "value": "Predicting mean indices from embeddings: 100%" | |
| } | |
| }, | |
| "92d1065e0dec434296c645a893e6e970": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "92d4c22a441644eb98c0dbb1da2541d8": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_6a4c9b23f3ba40bb970eddfd741e4d59", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ef48e879e4a84e6ab3f19c82bd58e555", | |
| "value": "SWIR_NIR_mean folds: 100%" | |
| } | |
| }, | |
| "92e28c9e27164899a0516b056ce646ee": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "9430b8797eca42698bafd79c188b7673": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "946c940068af46f8bd41a93b63d39aed": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "94b675c97e3a4a17b4a9b9f4b37f2f61": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "94b98c607bcf4d569a4208ef596bbcf1": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "94f1521450e244d580c0b9c0d004389b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_a0189a55e0aa4e0b8474d0e8a3f1faa9", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_9fb0c2e4baad48d683359b3c57cff895", | |
| "value": "Block 010-013 batches: 100%" | |
| } | |
| }, | |
| "951b816fa64e408788f78690a1c15f38": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_1f308505e0454279b165784d5384e9c2", | |
| "max": 6, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_b85a70b4f4c6482b903c5f41c9256090", | |
| "value": 6 | |
| } | |
| }, | |
| "9520cb9577534435970fa8fc91cdc4a4": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "952c7bd1b43f4addbebf138a26dda254": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_7cc7e9aff9004420950333c088dbdbbb", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_91d08ccb4ae742a4bdf7c7b268cce520", | |
| "value": "Block 020-020 batches: 100%" | |
| } | |
| }, | |
| "959429aa8f1747658da1083038250330": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_06894a5a59874e8fac94e069c8de82b8", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_1416a99d07914f47b35165734d5e8c1f", | |
| "value": "Block 010-012 batches: 100%" | |
| } | |
| }, | |
| "95a8c6ad50894eb89f0bfd5a8541708f": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "95ae142830e44a2ebf4e0defde8e5725": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "95fac157bb794061a062934c158d0860": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "96020af2c9e1405cb55b13b28c3de5b7": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_373798d035574079ba276633689d82ad", | |
| "IPY_MODEL_d89c7fecf6c34e4395bbfa4ad962c607", | |
| "IPY_MODEL_cd40ebc28f7f472796d9f5cd3c5ac92b" | |
| ], | |
| "layout": "IPY_MODEL_1a0f118485274e8881dcac29aa6a97d4" | |
| } | |
| }, | |
| "9610ae0c2b7a48928bef085a3685df7a": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_ce51c5ab8be54bf5b5c974f13cb80135", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_0343508dd8554ffb9e4272f5ac17d744", | |
| "value": " 5/5 [09:24<00:00, 113.18s/it]" | |
| } | |
| }, | |
| "96189d38071d408aa773071d9ece277e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "962a9668742c4da3b9975c1229d07888": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HBoxModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HBoxModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HBoxView", | |
| "box_style": "", | |
| "children": [ | |
| "IPY_MODEL_9ce0ca94c76d4fda9e349b4c104898a7", | |
| "IPY_MODEL_0d9c7edd2f164fd4a65bcf430a358556", | |
| "IPY_MODEL_982235bde826475ab05e02a6eebf9fca" | |
| ], | |
| "layout": "IPY_MODEL_91960bd009d445a38bead53cd8fbae90" | |
| } | |
| }, | |
| "962e111030824ee3bf97cd343deb4549": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "962f000d1ad0475cae778cf50cd532e2": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "96528df0fb7f41e8b72fce45b1031fb1": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "96665b24698d4407817cb1ce80d48f02": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "966ab086478c45139a9c012eacd64318": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "966eb341b0854f7c8527f7c4001421c8": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "9672de2b7f4540d8a78d9c1418b25095": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "96e318194a0e48ed9f56386bc34bcb83": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "96ea7d1b2fb3435a9cdcf6f7922302da": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "97090f3738384f05849e7c1b9169ef7b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": "hidden", | |
| "width": null | |
| } | |
| }, | |
| "97350759e8ce4fd282e39f7c420fb9bb": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "9746210a090145b8b9083fe1f832760b": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "979017356a1441f2a90f5c0425b5ee38": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "979ba1d1eaa34145b5b7b717477c96e7": { | |
| "model_module": "@jupyter-widgets/base", | |
| "model_module_version": "1.2.0", | |
| "model_name": "LayoutModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/base", | |
| "_model_module_version": "1.2.0", | |
| "_model_name": "LayoutModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "LayoutView", | |
| "align_content": null, | |
| "align_items": null, | |
| "align_self": null, | |
| "border": null, | |
| "bottom": null, | |
| "display": null, | |
| "flex": null, | |
| "flex_flow": null, | |
| "grid_area": null, | |
| "grid_auto_columns": null, | |
| "grid_auto_flow": null, | |
| "grid_auto_rows": null, | |
| "grid_column": null, | |
| "grid_gap": null, | |
| "grid_row": null, | |
| "grid_template_areas": null, | |
| "grid_template_columns": null, | |
| "grid_template_rows": null, | |
| "height": null, | |
| "justify_content": null, | |
| "justify_items": null, | |
| "left": null, | |
| "margin": null, | |
| "max_height": null, | |
| "max_width": null, | |
| "min_height": null, | |
| "min_width": null, | |
| "object_fit": null, | |
| "object_position": null, | |
| "order": null, | |
| "overflow": null, | |
| "overflow_x": null, | |
| "overflow_y": null, | |
| "padding": null, | |
| "right": null, | |
| "top": null, | |
| "visibility": null, | |
| "width": null | |
| } | |
| }, | |
| "979f491d92b84d7bb5b8ccc66000c24b": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "ProgressStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "ProgressStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "bar_color": null, | |
| "description_width": "" | |
| } | |
| }, | |
| "981335e7ccfe40939abd9532e470c57e": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4a11c5774a9548debaba9000bdb18554", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_3e89ec465f4d49249befbf22a524a656", | |
| "value": "EVI_mean folds: 100%" | |
| } | |
| }, | |
| "982235bde826475ab05e02a6eebf9fca": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "HTMLModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "HTMLModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "HTMLView", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_4ab19986d8d74e9c9d2d7f5759eb9e9a", | |
| "placeholder": "", | |
| "style": "IPY_MODEL_ae49aec0c81641c7b5b6e254e7fcee61", | |
| "value": " 6/6 [00:35<00:00, 6.44s/it]" | |
| } | |
| }, | |
| "984c5665f0fc4d80b24812b6dcd0f621": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "DescriptionStyleModel", | |
| "state": { | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "DescriptionStyleModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/base", | |
| "_view_module_version": "1.2.0", | |
| "_view_name": "StyleView", | |
| "description_width": "" | |
| } | |
| }, | |
| "986d0ff9593f4ef39a28f1fcfac9387c": { | |
| "model_module": "@jupyter-widgets/controls", | |
| "model_module_version": "1.5.0", | |
| "model_name": "FloatProgressModel", | |
| "state": { | |
| "_dom_classes": [], | |
| "_model_module": "@jupyter-widgets/controls", | |
| "_model_module_version": "1.5.0", | |
| "_model_name": "FloatProgressModel", | |
| "_view_count": null, | |
| "_view_module": "@jupyter-widgets/controls", | |
| "_view_module_version": "1.5.0", | |
| "_view_name": "ProgressView", | |
| "bar_style": "", | |
| "description": "", | |
| "description_tooltip": null, | |
| "layout": "IPY_MODEL_485da72dfa544f7cace80214608adfc2", | |
| "max": 1, | |
| "min": 0, | |
| "orientation": "horizontal", | |
| "style": "IPY_MODEL_81 |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment