{ "cells": [ { "cell_type": "markdown", "metadata": { "id": "XznbrlmEuJC5" }, "source": [ "# Document AI | Inference APP at paragraph level by using the association of 2 Document Understanding models (LiLT and LayoutXLM base fine-tuned on DocLayNet base dataset)" ] }, { "cell_type": "markdown", "metadata": { "id": "LW1SgajBuTuy" }, "source": [ "- Credit: \n", " - notebook created from the notebook [Fine_tuning_LayoutXLM_on_XFUND_for_token_classification_using_HuggingFace_Trainer.ipynb](https://github.com/NielsRogge/Transformers-Tutorials/blob/master/LayoutXLM/Fine_tuning_LayoutXLM_on_XFUND_for_token_classification_using_HuggingFace_Trainer.ipynb)\n", " - dataset from IBM Research ([DocLayNet](https://github.com/DS4SD/DocLayNet))\n", "- Author of this notebook: [Pierre GUILLOU](https://www.linkedin.com/in/pierreguillou/)\n", "- Date: 04/04/2023\n", "- Blog posts: \n", " - Ensemble \"LayoutXLM & LiLT\" (base)\n", " - (04/04/2023) [Document AI | Inference at paragraph level by using the association of 2 Document Understanding models (LiLT and LayoutXLM base fine-tuned on DocLayNet base dataset)]()\n", " - Layout XLM base\n", " - (04/01/2023) [Document AI | APP to compare the Document Understanding LiLT and LayoutXLM (base) models at paragraph level](https://medium.com/@pierre_guillou/document-ai-app-to-compare-the-document-understanding-lilt-and-layoutxlm-base-models-at-c22bee832c3a)\n", " - (03/31/2023) [Document AI | Inference APP and fine-tuning notebook for Document Understanding at paragraph level with LayoutXLM base](https://medium.com/@pierre_guillou/document-ai-inference-app-and-fine-tuning-notebook-for-document-understanding-at-paragraph-level-3507af80573d)\n", " - (03/25/2023) [Document AI | APP to compare the Document Understanding LiLT and LayoutXLM (base) models at line level](https://medium.com/@pierre_guillou/document-ai-app-to-compare-the-document-understanding-lilt-and-layoutxlm-base-models-at-line-1c53eb481a15)\n", " - (03/05/2023) [Document AI | Inference APP and fine-tuning notebook for Document Understanding at line level with LayoutXLM base](https://medium.com/@pierre_guillou/document-ai-inference-app-and-fine-tuning-notebook-for-document-understanding-at-line-level-with-b08fdca5f4dc)\n", " - LiLT base\n", " - (02/16/2023) [Document AI | Inference APP and fine-tuning notebook for Document Understanding at paragraph level](https://medium.com/@pierre_guillou/document-ai-inference-app-and-fine-tuning-notebook-for-document-understanding-at-paragraph-level-c18d16e53cf8)\n", " - (02/14/2023) [Document AI | Inference APP for Document Understanding at line level](https://medium.com/@pierre_guillou/document-ai-inference-app-for-document-understanding-at-line-level-a35bbfa98893)\n", " - (02/10/2023) [Document AI | Document Understanding model at line level with LiLT, Tesseract and DocLayNet dataset](https://medium.com/@pierre_guillou/document-ai-document-understanding-model-at-line-level-with-lilt-tesseract-and-doclaynet-dataset-347107a643b8)\n", " - (01/31/2023) [Document AI | DocLayNet image viewer APP](https://medium.com/@pierre_guillou/document-ai-doclaynet-image-viewer-app-3ac54c19956)\n", " - (01/27/2023) [Document AI | Processing of DocLayNet dataset to be used by layout models of the Hugging Face hub (finetuning, inference)](https://medium.com/@pierre_guillou/document-ai-processing-of-doclaynet-dataset-to-be-used-by-layout-models-of-the-hugging-face-hub-308d8bd81cdb)\n", "- Notebooks (paragraph level)\n", " - Ensemble \"LayoutXLM & LiLT\" (base)\n", " - Notebook: [Document AI | Inference at paragraph level by using the association of 2 Document Understanding models (LiLT and LayoutXLM base fine-tuned on DocLayNet base dataset)](https://github.com/piegu/language-models/blob/master/inference_on_Ensemble_LiLT_%26_LayoutXLM_base_model_finetuned_on_DocLayNet_base_in_any_language_at_levelparagraphs_ml512.ipynb)\n", " - Notebook: [Document AI | Inference APP at paragraph level by using the association of 2 Document Understanding models (LiLT and LayoutXLM base fine-tuned on DocLayNet base dataset)](https://github.com/piegu/language-models/blob/master/Gradio_inference_on_Ensemble_LiLT_%26_LayoutXLM_base_model_finetuned_on_DocLayNet_base_in_any_language_at_levelparagraphs_ml512.ipynb)\n", " - Layout XLM base\n", " - [Document AI | Inference at paragraph level with a Document Understanding model (LayoutXLM base fine-tuned on DocLayNet dataset)](https://github.com/piegu/language-models/blob/master/inference_on_LayoutXLM_base_model_finetuned_on_DocLayNet_base_in_any_language_at_levelparagraphs_ml512.ipynb)\n", " - [Document AI | Inference APP at paragraph level with a Document Understanding model (LayoutXLM base fine-tuned on DocLayNet base dataset)](https://github.com/piegu/language-models/blob/master/Gradio_inference_on_LayoutXLM_base_model_finetuned_on_DocLayNet_base_in_any_language_at_levelparagraphs_ml512.ipynb)\n", " - [Document AI | Fine-tune LayoutXLM base on DocLayNet base in any language at paragraph level (chunk of 512 tokens with overlap)](https://github.com/piegu/language-models/blob/master/Fine_tune_LayoutXLM_base_on_DocLayNet_base_in_any_language_at_paragraphlevel_ml_512.ipynb)\n", " - LiLT base\n", " - [Document AI | Inference APP at paragraph level with a Document Understanding model (LiLT fine-tuned on DocLayNet dataset)](https://github.com/piegu/language-models/blob/master/Gradio_inference_on_LiLT_model_finetuned_on_DocLayNet_base_in_any_language_at_levelparagraphs_ml512.ipynb)\n", " - [Document AI | Inference at paragraph level with a Document Understanding model (LiLT fine-tuned on DocLayNet dataset)](https://github.com/piegu/language-models/blob/master/inference_on_LiLT_model_finetuned_on_DocLayNet_base_in_any_language_at_levelparagraphs_ml512.ipynb)\n", " - [Document AI | Fine-tune LiLT on DocLayNet base in any language at paragraph level (chunk of 512 tokens with overlap)](https://github.com/piegu/language-models/blob/master/Fine_tune_LiLT_on_DocLayNet_base_in_any_language_at_paragraphlevel_ml_512.ipynb)\n", "- Notebooks (line level)\n", " - Layout XLM base\n", " - [Document AI | Inference at line level with a Document Understanding model (LayoutXLM base fine-tuned on DocLayNet dataset)](https://github.com/piegu/language-models/blob/master/inference_on_LayoutXLM_base_model_finetuned_on_DocLayNet_base_in_any_language_at_levellines_ml384.ipynb)\n", " - [Document AI | Inference APP at line level with a Document Understanding model (LayoutXLM base fine-tuned on DocLayNet base dataset)](https://github.com/piegu/language-models/blob/master/Gradio_inference_on_LayoutXLM_base_model_finetuned_on_DocLayNet_base_in_any_language_at_levellines_ml384.ipynb)\n", " - [Document AI | Fine-tune LayoutXLM base on DocLayNet base in any language at line level (chunk of 384 tokens with overlap)](https://github.com/piegu/language-models/blob/master/Fine_tune_LayoutXLM_base_on_DocLayNet_base_in_any_language_at_linelevel_ml_384.ipynb)\n", " - LiLT base\n", " - [Document AI | Inference at line level with a Document Understanding model (LiLT fine-tuned on DocLayNet dataset)](https://github.com/piegu/language-models/blob/master/inference_on_LiLT_model_finetuned_on_DocLayNet_base_in_any_language_at_levellines_ml384.ipynb)\n", " - [Document AI | Inference APP at line level with a Document Understanding model (LiLT fine-tuned on DocLayNet dataset)](https://github.com/piegu/language-models/blob/master/Gradio_inference_on_LiLT_model_finetuned_on_DocLayNet_base_in_any_language_at_levellines_ml384.ipynb)\n", " - [Document AI | Fine-tune LiLT on DocLayNet base in any language at line level (chunk of 384 tokens with overlap)](https://github.com/piegu/language-models/blob/master/Fine_tune_LiLT_on_DocLayNet_base_in_any_language_at_linelevel_ml_384.ipynb)\n", " - [DocLayNet image viewer APP](https://github.com/piegu/language-models/blob/master/DocLayNet_image_viewer_APP.ipynb)\n", " - [Processing of DocLayNet dataset to be used by layout models of the Hugging Face hub (finetuning, inference)](processing_DocLayNet_dataset_to_be_used_by_layout_models_of_HF_hub.ipynb)" ] }, { "cell_type": "markdown", "metadata": { "id": "FpHg6WpKqVyV" }, "source": [ "## Inference at paragraph level" ] }, { "cell_type": "markdown", "metadata": { "id": "UP52rNjyboRd" }, "source": [ "### LiLT" ] }, { "cell_type": "markdown", "metadata": { "id": "DCR6WdKqbqJY" }, "source": [ "LiLT (Language-Independent Layout Transformer) is a Document Understanding model that uses both layout and text in order to detect labels of bounding boxes.\n", "\n", "It relies on an external OCR engine to get words and bboxes from the document image. Thus, let's run in this APP an OCR engine ourselves ([PyTesseract](https://github.com/madmaze/pytesseract#python-tesseract)) as we'll need to do it in real life to get the bounding boxes, then run LiLT (already fine-tuned on the DocLayNet dataset at paragraph level: [pierreguillou/lilt-xlm-roberta-base-finetuned-with-DocLayNet-base-at-paragraphlevel-ml512](https://huggingface.co/pierreguillou/lilt-xlm-roberta-base-finetuned-with-DocLayNet-base-at-paragraphlevel-ml512)) on the individual tokens and visualize the result at paragraph level!" ] }, { "cell_type": "markdown", "metadata": { "id": "xZtKuHxHbrJQ" }, "source": [ "### LayoutXLM" ] }, { "cell_type": "markdown", "metadata": { "id": "7GYz14mjI30i" }, "source": [ "LayoutXLM was proposed in [LayoutXLM: Multimodal Pre-training for Multilingual Visually-rich Document Understanding](https://arxiv.org/abs/2104.08836) by Yiheng Xu, Tengchao Lv, Lei Cui, Guoxin Wang, Yijuan Lu, Dinei Florencio, Cha Zhang, Furu Wei. \n", "\n", "It is a Document Understanding model that uses both layout and text in order to detect labels of bounding boxes. More, it’s a **multilingual extension of the LayoutLMv2 model trained on 53 languages**.\n", "\n", "It relies on an external OCR engine to get words and bboxes from the document image. Thus, let's run in this APP an OCR engine ourselves ([PyTesseract](https://github.com/madmaze/pytesseract#python-tesseract)) as we'll need to do it in real life to get the bounding boxes, then run LayoutXLM base (already fine-tuned on the DocLayNet dataset at paragraph level: [pierreguillou/lilt-xlm-roberta-base-finetuned-with-DocLayNet-base-at-paragraphlevel-ml512](https://huggingface.co/pierreguillou/lilt-xlm-roberta-base-finetuned-with-DocLayNet-base-at-paragraphlevel-ml512)) on the individual tokens and visualize the result at paragraph level!" ] }, { "cell_type": "markdown", "source": [ "### Ensemble \"LayoutXLM & LiLT\"" ], "metadata": { "id": "v62-W8bV_h_J" } }, { "cell_type": "markdown", "source": [ "The idea here is to get new probabilities per label for each paragraph by summing the probabilities of the 2 models at the label level. Then we select as the label of each paragraph the one with the highest normalized probability." ], "metadata": { "id": "HGCW5UGw_oIL" } }, { "cell_type": "markdown", "metadata": { "id": "-TEUFTN_ngoo" }, "source": [ "## Install Detectron 2, Pypdfium2, LangDetect & PyTesseract OCR " ] }, { "cell_type": "markdown", "metadata": { "id": "TVpB8L5mxgSx" }, "source": [ "### Detectron 2" ] }, { "cell_type": "code", "execution_count": 1, "metadata": { "id": "M2m_1oLYxhwL" }, "outputs": [], "source": [ "%%capture\n", "!pip install -q torch==1.10.0+cu111 torchvision==0.11+cu111 -f https://download.pytorch.org/whl/torch_stable.html\n", "!python -m pip install 'git+https://github.com/facebookresearch/detectron2.git'" ] }, { "cell_type": "markdown", "metadata": { "id": "bflle1CCngoo" }, "source": [ "### Pypdfium2" ] }, { "cell_type": "code", "execution_count": 2, "metadata": { "id": "yVYWSQdNngoo" }, "outputs": [], "source": [ "%%capture\n", "# !sudo apt-get install poppler-utils\n", "# !pip install pdf2image\n", "\n", "# source: https://levelup.gitconnected.com/4-python-libraries-to-convert-pdf-to-images-7a09eba83a09\n", "# source: https://pypi.org/project/pypdfium2/\n", "!pip install -U pypdfium2" ] }, { "cell_type": "markdown", "metadata": { "id": "mnfTZnF4mQbh" }, "source": [ "### LangDetect" ] }, { "cell_type": "code", "execution_count": 3, "metadata": { "id": "ifCo1BUsmRqk" }, "outputs": [], "source": [ "%%capture\n", "!pip install -q langdetect" ] }, { "cell_type": "markdown", "metadata": { "id": "ibTxXBjfngop" }, "source": [ "### Tesseract OCR" ] }, { "cell_type": "code", "execution_count": 4, "metadata": { "id": "nJr6VB10ngop" }, "outputs": [], "source": [ "%%capture\n", "!sudo apt install tesseract-ocr-all # english + osd (Orientation and script detection module)\n", "# !sudo apt-get install tesseract-ocr-por # portuguese\n", "\n", "# import os\n", "# print(os.popen(f'cat /etc/debian_version').read())\n", "# print(os.popen(f'cat /etc/issue').read())\n", "# print(os.popen(f'apt search tesseract').read())\n", "\n", "!pip install pytesseract" ] }, { "cell_type": "code", "execution_count": 5, "metadata": { "id": "AJssRCQYW7AM" }, "outputs": [], "source": [ "# In Colab, it is needed in order to update libraries with their new installed version (pillow).\n", "# import os\n", "# os.kill(os.getpid(), 9)" ] }, { "cell_type": "markdown", "metadata": { "id": "XkVI_eWTDaAb" }, "source": [ "## Set-up environment" ] }, { "cell_type": "markdown", "metadata": { "id": "gA3leN0cdb3g" }, "source": [ "### Libraries" ] }, { "cell_type": "code", "execution_count": 6, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "-bkmxJuxdb3g", "outputId": "bf74c32c-00a1-4260-b23b-37ec34a85278" }, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m6.8/6.8 MB\u001b[0m \u001b[31m33.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.3/1.3 MB\u001b[0m \u001b[31m40.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m468.7/468.7 KB\u001b[0m \u001b[31m23.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m15.7/15.7 MB\u001b[0m \u001b[31m58.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m246.9/246.9 KB\u001b[0m \u001b[31m20.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m7.6/7.6 MB\u001b[0m \u001b[31m83.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m199.8/199.8 KB\u001b[0m \u001b[31m17.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m212.2/212.2 KB\u001b[0m \u001b[31m13.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m132.9/132.9 KB\u001b[0m \u001b[31m10.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.0/1.0 MB\u001b[0m \u001b[31m33.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m110.5/110.5 KB\u001b[0m \u001b[31m9.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m57.8/57.8 KB\u001b[0m \u001b[31m6.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m129.5/129.5 KB\u001b[0m \u001b[31m10.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[?25h Preparing metadata (setup.py) ... \u001b[?25l\u001b[?25hdone\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m144.1/144.1 KB\u001b[0m \u001b[31m5.1 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m45.7/45.7 KB\u001b[0m \u001b[31m4.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m71.5/71.5 KB\u001b[0m \u001b[31m5.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m57.1/57.1 KB\u001b[0m \u001b[31m4.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m50.5/50.5 KB\u001b[0m \u001b[31m4.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m158.8/158.8 KB\u001b[0m \u001b[31m11.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m264.6/264.6 KB\u001b[0m \u001b[31m8.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m114.2/114.2 KB\u001b[0m \u001b[31m8.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m66.9/66.9 KB\u001b[0m \u001b[31m4.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m69.6/69.6 KB\u001b[0m \u001b[31m6.1 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m58.3/58.3 KB\u001b[0m \u001b[31m3.2 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m80.6/80.6 KB\u001b[0m \u001b[31m7.1 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", "\u001b[?25h Building wheel for ffmpy (setup.py) ... \u001b[?25l\u001b[?25hdone\n" ] } ], "source": [ "!pip install -q transformers sentencepiece datasets gradio pypdf" ] }, { "cell_type": "code", "execution_count": 7, "metadata": { "id": "vgk_wOQ8xezs" }, "outputs": [], "source": [ "import os \n", "from operator import itemgetter\n", "import collections\n", "import string\n", "import re\n", "\n", "import pypdf\n", "from pypdf import PdfReader\n", "from pypdf.errors import PdfReadError\n", "\n", "# import pdf2image\n", "# from pdf2image import convert_from_path\n", "import pypdfium2 as pdfium\n", "import langdetect\n", "from langdetect import detect_langs\n", "import pytesseract\n", "\n", "import pandas as pd\n", "import numpy as np\n", "import random\n", "from google.colab import files\n", "\n", "import tempfile\n", "from matplotlib import font_manager\n", "from PIL import Image, ImageDraw, ImageFont\n", "import cv2\n", "# In Colab, use cv2_imshow instead of cv2.imshow\n", "from google.colab.patches import cv2_imshow\n", "from IPython.display import display\n", "\n", "import itertools\n", "import gradio as gr\n", "\n", "import pathlib\n", "from pathlib import Path\n", "import shutil\n", "\n", "from functools import partial\n", "\n", "import transformers\n", "import datasets" ] }, { "cell_type": "markdown", "metadata": { "id": "TrlF26R14NYP" }, "source": [ "### Key parameters" ] }, { "cell_type": "code", "execution_count": 8, "metadata": { "id": "M5lNEstH4P39", "colab": { "base_uri": "https://localhost:8080/", "height": 209, "referenced_widgets": [ "37db8e1157a341a780ea25a79fcf768e", "aa32965f160a4379982d6c7394b4a80f", "09124e1470124d988a226b4dbbb2e79f", "935d295224da41229e9db66ad162c47e", "763b8348aba84e7cb6d819b90e734e0c", "79d76d05005443fe948b1f980a503245", "77079b91cf6049039e6f415266c573d8", "5878204a25f74562877fee48f14cf7c9", "6de2a6d2a950458e89228e08f325c336", "41fd012c67a74f4988372e3cced4ab23", "d555b9974c9141a2852a55591d3121f4", "f06709e0878f45d2982f0ed47f975cc7", "8939b3882c7a4e9e904b97d1996d5eb9", "40f096dfe5cf426aa2adf3fd3eb469de", "7b731a5849ce4237b60c52240eebe9e1", "32ca49c7a4fe439c9157e2831f27f99b", "0f231cdc88d449fea363b91c06833837", "07388f6fc1054e3db1fe7eee81a191a0", "3b1992664fd14eecb04b8f03789e7751", "09f3a4ce39a34d3eb1807ca130456c36", "74ce673aeb184a2985383b3d32955244", "d61f735ae4e043d7840a38c0a65d8bef", "fe82eb4c73564f90ae8ad1bd1056f974", "60efa284a03f4f1a9600e9e4ca6a6a6d", "9d17e8b10c874baeb4fa243cceefd37c", "772e6b1765c640918190833aca2a8d1f", "13b0f051226a4eb19246a2a6ec6c536d", "fc0551f0d5a14a1c9675a6d7dbeee2bd", "b675ebed22324e78894a175fe85770e0", "348929fa521343eab5521d581f5a260e", "b54a1d14d4b0440e9056cfa994707ccc", "e56646cca5704bdea6660d2d223afcbf", "7978129138034bcd907b425a95e84375", "9c90fcf2dbfd43ad8cb20c1cbf095dcc", "7277ce347acc436fac7d733fbb04488c", "dbcc2d00f1af41449e4ac41bfec5d0ec", "3b798ae39a2f425ca8ae86bb4f834d3f", "44e3cf51f7f74e9fa1a4aa7f36b45b9b", "f773cdf2ec1e43da885ee0536d2e5d08", "f31d2946ccab407abdcd4152a39caa96", "7149a78bc9e7440f97e92feff9cde739", "f360fcad74e24151b99d37bb2f2415a1", "52fa6f13706b4071bfbf65931638c084", "855519129df34e638cac378dc3b20494", "0886881897c543d68248015e6d03a569", "e7808ab73ae743c5b5508cbbeb53bbfa", "4073df45aa59409fa9f3487642cd2c43", "6a89290d30874a1eafc70992d87ea939", "51205a5d4ace4724bcb59885765de35f", "e5c435b026954f3b93b2b9e91cd4e28c", "e68d6a7d73db48c4bca5f0076cb07ec9", "3b901deb691f45aaafabe8d8b2d9ec35", "a61b4866d3b14639a563e03f64428e78", "187c30bbd8c744859c6ca42ffdaabefa", "8cc0cff452574cfa89c58a59ff145dbe", "80540a7035f44097bd2b9d0f9da63fea", "3accb3e17121470cbe036a68ecea7546", "710c8a90d37341a28b015425b5fa4804", "68f57b2a01514f3c80d4695501204cdb", "d9c10fbb62f44978b7556aeaa1bf35e0", "500ef02b67314d9b940eb8a5b8115ac4", "a84f6854f92143b0bb0e3b29efd0886b", "2c3c9a623e104f4a891722f0e79a2dcc", "1c76fe41246f43b68b78eb50bc6ed6d7", "480687fdc6564357b2eb1fe72115f0bb", "89642676db5b4797ae88c631df0d0be9" ] }, "outputId": "491b4e2b-30b8-43ab-da89-88ba96af0d86" }, "outputs": [ { "output_type": "display_data", "data": { "text/plain": [ "Downloading (…)in/files/example.pdf: 0%| | 0.00/343k [00:00= conf_min:\n", " tup = (text, left, top, width, height)\n", " if block_num in list(data.keys()):\n", " if par_num in list(data[block_num].keys()):\n", " if line_num in list(data[block_num][par_num].keys()):\n", " data[block_num][par_num][line_num].append(tup)\n", " else:\n", " data[block_num][par_num][line_num] = [tup]\n", " else:\n", " data[block_num][par_num] = {}\n", " data[block_num][par_num][line_num] = [tup]\n", " else:\n", " data[block_num] = {}\n", " data[block_num][par_num] = {}\n", " data[block_num][par_num][line_num] = [tup]\n", "\n", " # get paragraphs dicionnary with list of lines\n", " par_data = {}\n", " par_idx = 1\n", " for _, b in data.items():\n", " for _, p in b.items():\n", " line_data = {}\n", " line_idx = 1\n", " for _, l in p.items():\n", " line_data[line_idx] = l\n", " line_idx += 1\n", " par_data[par_idx] = line_data \n", " par_idx += 1\n", "\n", " # get lines of texts, grouped by paragraph\n", " texts_pars = list()\n", " row_indexes = list()\n", " texts_lines = list()\n", " texts_lines_par = list()\n", " row_index = 0\n", " for _,par in par_data.items():\n", " count_lines = 0\n", " lines_par = list()\n", " for _,line in par.items():\n", " if count_lines == 0: row_indexes.append(row_index)\n", " line_text = ' '.join([item[0] for item in line])\n", " texts_lines.append(line_text)\n", " lines_par.append(line_text)\n", " count_lines += 1\n", " row_index += 1\n", " # lines.append(\"\\n\")\n", " row_index += 1\n", " texts_lines_par.append(lines_par)\n", " texts_pars.append(' '.join(lines_par))\n", " # lines = lines[:-1]\n", " \n", " # get paragraphes boxes (par_boxes)\n", " # get lines boxes (line_boxes)\n", " par_boxes = list()\n", " par_idx = 1\n", " line_boxes, lines_par_boxes = list(), list()\n", " line_idx = 1\n", " for _, par in par_data.items():\n", " xmins, ymins, xmaxs, ymaxs = list(), list(), list(), list()\n", " line_boxes_par = list()\n", " count_line_par = 0\n", " for _, line in par.items():\n", " xmin, ymin = line[0][1], line[0][2]\n", " xmax, ymax = (line[-1][1] + line[-1][3]), (line[-1][2] + line[-1][4])\n", " line_boxes.append([int(xmin/factor), int(ymin/factor), int(xmax/factor), int(ymax/factor)])\n", " line_boxes_par.append([int(xmin/factor), int(ymin/factor), int(xmax/factor), int(ymax/factor)])\n", " xmins.append(xmin)\n", " ymins.append(ymin)\n", " xmaxs.append(xmax)\n", " ymaxs.append(ymax)\n", " line_idx += 1\n", " count_line_par += 1\n", " xmin, ymin, xmax, ymax = min(xmins), min(ymins), max(xmaxs), max(ymaxs)\n", " par_bbox = [int(xmin/factor), int(ymin/factor), int(xmax/factor), int(ymax/factor)]\n", " par_boxes.append(par_bbox)\n", " lines_par_boxes.append(line_boxes_par)\n", " par_idx += 1\n", "\n", " return texts_lines, texts_pars, texts_lines_par, row_indexes, par_boxes, line_boxes, lines_par_boxes \n", "\n", "# rescale image to get 300dpi\n", "# https://stackoverflow.com/questions/54001029/how-to-change-the-dpi-or-density-when-saving-images-using-pil\n", "def set_image_dpi_resize(image):\n", " \"\"\"\n", " Rescaling image to 300dpi while resizing\n", " :param image: An image\n", " :return: A rescaled image\n", " \"\"\"\n", " length_x, width_y = image.size\n", " factor = min(1, float(1024.0 / length_x))\n", " size = int(factor * length_x), int(factor * width_y)\n", " # image_resize = image.resize(size, Image.Resampling.LANCZOS)\n", " image_resize = image.resize(size, Image.LANCZOS)\n", " temp_file = tempfile.NamedTemporaryFile(delete=False, suffix='1.png')\n", " temp_filename = temp_file.name\n", " image_resize.save(temp_filename, dpi=(300, 300))\n", " return factor, temp_filename" ] }, { "cell_type": "code", "execution_count": 10, "metadata": { "id": "vB4LOBjWHQgw" }, "outputs": [], "source": [ "# it is important that each bounding box should be in (upper left, lower right) format.\n", "# source: https://github.com/NielsRogge/Transformers-Tutorials/issues/129\n", "def upperleft_to_lowerright(bbox):\n", " x0, y0, x1, y1 = tuple(bbox)\n", " if bbox[2] < bbox[0]:\n", " x0 = bbox[2]\n", " x1 = bbox[0] \n", " if bbox[3] < bbox[1]:\n", " y0 = bbox[3]\n", " y1 = bbox[1] \n", " return [x0, y0, x1, y1]\n", "\n", "# convert boundings boxes (left, top, width, height) format to (left, top, left+widght, top+height) format. \n", "def convert_box(bbox):\n", " x, y, w, h = tuple(bbox) # the row comes in (left, top, width, height) format\n", " return [x, y, x+w, y+h] # we turn it into (left, top, left+widght, top+height) to get the actual box \n", "\n", "# LiLT model gets 1000x10000 pixels images\n", "def normalize_box(bbox, width, height):\n", " return [\n", " int(1000 * (bbox[0] / width)),\n", " int(1000 * (bbox[1] / height)),\n", " int(1000 * (bbox[2] / width)),\n", " int(1000 * (bbox[3] / height)),\n", " ]\n", "\n", "# LiLT model gets 1000x10000 pixels images\n", "def denormalize_box(bbox, width, height):\n", " return [\n", " int(width * (bbox[0] / 1000)),\n", " int(height * (bbox[1] / 1000)),\n", " int(width* (bbox[2] / 1000)),\n", " int(height * (bbox[3] / 1000)),\n", " ]\n", "\n", "# get back original size\n", "def original_box(box, original_width, original_height, coco_width, coco_height):\n", " return [\n", " int(original_width * (box[0] / coco_width)),\n", " int(original_height * (box[1] / coco_height)),\n", " int(original_width * (box[2] / coco_width)),\n", " int(original_height* (box[3] / coco_height)),\n", " ]\n", "\n", "def get_blocks(bboxes_block, categories, texts):\n", "\n", " # get list of unique block boxes\n", " bbox_block_dict, bboxes_block_list, bbox_block_prec = dict(), list(), list()\n", " for count_block, bbox_block in enumerate(bboxes_block):\n", " if bbox_block != bbox_block_prec:\n", " bbox_block_indexes = [i for i, bbox in enumerate(bboxes_block) if bbox == bbox_block]\n", " bbox_block_dict[count_block] = bbox_block_indexes\n", " bboxes_block_list.append(bbox_block)\n", " bbox_block_prec = bbox_block\n", "\n", " # get list of categories and texts by unique block boxes\n", " category_block_list, text_block_list = list(), list()\n", " for bbox_block in bboxes_block_list:\n", " count_block = bboxes_block.index(bbox_block)\n", " bbox_block_indexes = bbox_block_dict[count_block]\n", " category_block = np.array(categories, dtype=object)[bbox_block_indexes].tolist()[0]\n", " category_block_list.append(category_block)\n", " text_block = np.array(texts, dtype=object)[bbox_block_indexes].tolist()\n", " text_block = [text.replace(\"\\n\",\"\").strip() for text in text_block]\n", " if id2label[category_block] == \"Text\" or id2label[category_block] == \"Caption\" or id2label[category_block] == \"Footnote\":\n", " text_block = ' '.join(text_block)\n", " else:\n", " text_block = '\\n'.join(text_block)\n", " text_block_list.append(text_block)\n", "\n", " return bboxes_block_list, category_block_list, text_block_list\n", "\n", "# function to sort bounding boxes\n", "def get_sorted_boxes(bboxes):\n", "\n", " # sort by y from page top to bottom \n", " sorted_bboxes = sorted(bboxes, key=itemgetter(1), reverse=False)\n", " y_list = [bbox[1] for bbox in sorted_bboxes]\n", "\n", " # sort by x from page left to right when boxes with same y\n", " if len(list(set(y_list))) != len(y_list):\n", " y_list_duplicates_indexes = dict()\n", " y_list_duplicates = [item for item, count in collections.Counter(y_list).items() if count > 1]\n", " for item in y_list_duplicates:\n", " y_list_duplicates_indexes[item] = [i for i, e in enumerate(y_list) if e == item]\n", " bbox_list_y_duplicates = sorted(np.array(sorted_bboxes, dtype=object)[y_list_duplicates_indexes[item]].tolist(), key=itemgetter(0), reverse=False)\n", " np_array_bboxes = np.array(sorted_bboxes)\n", " np_array_bboxes[y_list_duplicates_indexes[item]] = np.array(bbox_list_y_duplicates)\n", " sorted_bboxes = np_array_bboxes.tolist()\n", "\n", " return sorted_bboxes\n", "\n", "# sort data from y = 0 to end of page (and after, x=0 to end of page when necessary)\n", "def sort_data(bboxes, categories, texts):\n", "\n", " sorted_bboxes = get_sorted_boxes(bboxes)\n", " sorted_bboxes_indexes = [bboxes.index(bbox) for bbox in sorted_bboxes]\n", " sorted_categories = np.array(categories, dtype=object)[sorted_bboxes_indexes].tolist()\n", " sorted_texts = np.array(texts, dtype=object)[sorted_bboxes_indexes].tolist()\n", "\n", " return sorted_bboxes, sorted_categories, sorted_texts\n", "\n", "# sort data from y = 0 to end of page (and after, x=0 to end of page when necessary)\n", "def sort_data_wo_labels(bboxes, texts):\n", "\n", " sorted_bboxes = get_sorted_boxes(bboxes)\n", " sorted_bboxes_indexes = [bboxes.index(bbox) for bbox in sorted_bboxes]\n", " sorted_texts = np.array(texts, dtype=object)[sorted_bboxes_indexes].tolist()\n", "\n", " return sorted_bboxes, sorted_texts" ] }, { "cell_type": "markdown", "metadata": { "id": "Q4N2b_hKLla-" }, "source": [ "#### PDF processing" ] }, { "cell_type": "code", "source": [ "# get filename and images of PDF pages\n", "def pdf_to_images(uploaded_pdf):\n", "\n", " # Check if None object\n", " if uploaded_pdf is None:\n", " path_to_file = pdf_blank\n", " filename = path_to_file.replace(examples_dir,\"\")\n", " msg = \"Invalid PDF file.\"\n", " images = [Image.open(image_blank)]\n", " else:\n", " # path to the uploaded PDF\n", " path_to_file = uploaded_pdf.name\n", " filename = path_to_file# .replace(\"/tmp/\",\"\")\n", "\n", " try:\n", " PdfReader(path_to_file)\n", " except PdfReadError:\n", " path_to_file = pdf_blank\n", " filename = path_to_file.replace(examples_dir,\"\")\n", " msg = \"Invalid PDF file.\"\n", " images = [Image.open(image_blank)]\n", " else:\n", " try:\n", " # images = convert_from_path(path_to_file, last_page=max_imgboxes)\n", "\n", " pdf = pdfium.PdfDocument(str(filename))\n", " version = pdf.get_version() # get the PDF standard version\n", " n_pages = len(pdf) # get the number of pages in the document\n", " last_page = max_imgboxes\n", " page_indices = [i for i in range(last_page)] # pages until last_page\n", " images = list(pdf.render(\n", " pdfium.PdfBitmap.to_pil,\n", " page_indices = page_indices,\n", " scale = 300/72, # 300dpi resolution\n", " ))\n", " \n", " num_imgs = len(images)\n", " msg = f'The PDF \"{filename}\" was converted into {num_imgs} images.'\n", " except:\n", " msg = f'Error with the PDF \"{filename}\": it was not converted into images.'\n", " images = [Image.open(image_wo_content)]\n", "\n", " return filename, msg, images" ], "metadata": { "id": "XW8BjwGaLTPp" }, "execution_count": 11, "outputs": [] }, { "cell_type": "code", "execution_count": 12, "metadata": { "id": "1e_gIhqJLn6H" }, "outputs": [], "source": [ "# Extraction of image data (text and bounding boxes)\n", "def extraction_data_from_image(images):\n", "\n", " num_imgs = len(images)\n", "\n", " if num_imgs > 0:\n", "\n", " # https://pyimagesearch.com/2021/11/15/tesseract-page-segmentation-modes-psms-explained-how-to-improve-your-ocr-accuracy/\n", " custom_config = r'--oem 3 --psm 3 -l eng' # default config PyTesseract: --oem 3 --psm 3 -l eng+deu+fra+jpn+por+spa+rus+hin+chi_sim\n", " results, texts_lines, texts_pars, texts_lines_par, row_indexes, par_boxes, line_boxes, lines_par_boxes, images_pixels = dict(), dict(), dict(), dict(), dict(), dict(), dict(), dict(), dict()\n", " images_ids_list, texts_lines_list, texts_pars_list, texts_lines_par_list, par_boxes_list, line_boxes_list, lines_par_boxes_list, images_list, images_pixels_list, page_no_list, num_pages_list = list(), list(), list(), list(), list(), list(), list(), list(), list(), list(), list()\n", " \n", " try: \n", " for i,image in enumerate(images):\n", " # image preprocessing\n", " # https://docs.opencv.org/3.0-beta/doc/py_tutorials/py_imgproc/py_thresholding/py_thresholding.html\n", " img = image.copy()\n", " factor, path_to_img = set_image_dpi_resize(img) # Rescaling to 300dpi\n", " img = Image.open(path_to_img)\n", " img = np.array(img, dtype='uint8') # convert PIL to cv2\n", " img = cv2.cvtColor(img, cv2.COLOR_BGR2GRAY) # gray scale image\n", " ret,img = cv2.threshold(img,127,255,cv2.THRESH_BINARY)\n", " \n", " # OCR PyTesseract | get langs of page\n", " txt = pytesseract.image_to_string(img, config=custom_config)\n", " txt = txt.strip().lower()\n", " txt = re.sub(r\" +\", \" \", txt) # multiple space\n", " txt = re.sub(r\"(\\n\\s*)+\\n+\", \"\\n\", txt) # multiple line\n", " # txt = os.popen(f'tesseract {img_filepath} - {custom_config}').read()\n", " try:\n", " langs = detect_langs(txt)\n", " langs = [langdetect2Tesseract[langs[i].lang] for i in range(len(langs))]\n", " langs_string = '+'.join(langs)\n", " except:\n", " langs_string = \"eng\"\n", " langs_string += '+osd'\n", " custom_config = f'--oem 3 --psm 3 -l {langs_string}' # default config PyTesseract: --oem 3 --psm 3\n", "\n", " # OCR PyTesseract | get data\n", " results[i] = pytesseract.image_to_data(img, config=custom_config, output_type=pytesseract.Output.DICT)\n", " # results[i] = os.popen(f'tesseract {img_filepath} - {custom_config}').read()\n", "\n", " # get image pixels\n", " images_pixels[i] = feature_extractor(images[i], return_tensors=\"pt\").pixel_values\n", "\n", " texts_lines[i], texts_pars[i], texts_lines_par[i], row_indexes[i], par_boxes[i], line_boxes[i], lines_par_boxes[i] = get_data_paragraph(results[i], factor, conf_min=0)\n", " texts_lines_list.append(texts_lines[i])\n", " texts_pars_list.append(texts_pars[i])\n", " texts_lines_par_list.append(texts_lines_par[i])\n", " par_boxes_list.append(par_boxes[i])\n", " line_boxes_list.append(line_boxes[i])\n", " lines_par_boxes_list.append(lines_par_boxes[i])\n", " images_ids_list.append(i)\n", " images_pixels_list.append(images_pixels[i])\n", " images_list.append(images[i])\n", " page_no_list.append(i)\n", " num_pages_list.append(num_imgs) \n", "\n", " except:\n", " print(f\"There was an error within the extraction of PDF text by the OCR!\")\n", " else: \n", " from datasets import Dataset\n", " dataset = Dataset.from_dict({\"images_ids\": images_ids_list, \"images\": images_list, \"images_pixels\": images_pixels_list, \"page_no\": page_no_list, \"num_pages\": num_pages_list, \"texts_line\": texts_lines_list, \"texts_par\": texts_pars_list, \"texts_lines_par\": texts_lines_par_list, \"bboxes_par\": par_boxes_list, \"bboxes_lines_par\":lines_par_boxes_list})\n", " \n", " # print(f\"The text data was successfully extracted by the OCR!\")\n", "\n", " return dataset, texts_lines, texts_pars, texts_lines_par, row_indexes, par_boxes, line_boxes, lines_par_boxes" ] }, { "cell_type": "markdown", "metadata": { "id": "9VJoRifzojvD" }, "source": [ "#### Inference" ] }, { "cell_type": "code", "execution_count": 13, "metadata": { "id": "r7Dn5UwSlF2D" }, "outputs": [], "source": [ "def prepare_inference_features_paragraph(example, tokenizer, max_length, cls_box, sep_box):\n", "\n", " images_ids_list, chunks_ids_list, input_ids_list, attention_mask_list, bb_list, images_pixels_list = list(), list(), list(), list(), list(), list()\n", "\n", " # get batch\n", " # batch_page_hash = example[\"page_hash\"] \n", " batch_images_ids = example[\"images_ids\"]\n", " batch_images = example[\"images\"]\n", " batch_images_pixels = example[\"images_pixels\"]\n", " batch_bboxes_par = example[\"bboxes_par\"]\n", " batch_texts_par = example[\"texts_par\"] \n", " batch_images_size = [image.size for image in batch_images]\n", "\n", " batch_width, batch_height = [image_size[0] for image_size in batch_images_size], [image_size[1] for image_size in batch_images_size]\n", "\n", " # add a dimension if not a batch but only one image\n", " if not isinstance(batch_images_ids, list): \n", " batch_images_ids = [batch_images_ids]\n", " batch_images = [batch_images]\n", " batch_images_pixels = [batch_images_pixels]\n", " batch_bboxes_par = [batch_bboxes_par]\n", " batch_texts_par = [batch_texts_par]\n", " batch_width, batch_height = [batch_width], [batch_height] \n", "\n", " # process all images of the batch\n", " for num_batch, (image_id, image_pixels, boxes, texts_par, width, height) in enumerate(zip(batch_images_ids, batch_images_pixels, batch_bboxes_par, batch_texts_par, batch_width, batch_height)):\n", " tokens_list = []\n", " bboxes_list = []\n", "\n", " # add a dimension if only on image\n", " if not isinstance(texts_par, list):\n", " texts_par, boxes = [texts_par], [boxes]\n", "\n", " # convert boxes to original\n", " normalize_bboxes_par = [normalize_box(upperleft_to_lowerright(box), width, height) for box in boxes]\n", "\n", " # sort boxes with texts\n", " # we want sorted lists from top to bottom of the image\n", " boxes, texts_par = sort_data_wo_labels(normalize_bboxes_par, texts_par)\n", "\n", " count = 0\n", " for box, text_par in zip(boxes, texts_par):\n", " tokens_par = tokenizer.tokenize(text_par)\n", " num_tokens_par = len(tokens_par) # get number of tokens\n", " tokens_list.extend(tokens_par)\n", " bboxes_list.extend([box] * num_tokens_par) # number of boxes must be the same as the number of tokens\n", "\n", " # use of return_overflowing_tokens=True / stride=doc_stride\n", " # to get parts of image with overlap\n", " # source: https://huggingface.co/course/chapter6/3b?fw=tf#handling-long-contexts\n", " encodings = tokenizer(\" \".join(texts_par), \n", " truncation=True,\n", " padding=\"max_length\", \n", " max_length=max_length, \n", " stride=doc_stride, \n", " return_overflowing_tokens=True, \n", " return_offsets_mapping=True\n", " )\n", "\n", " otsm = encodings.pop(\"overflow_to_sample_mapping\")\n", " offset_mapping = encodings.pop(\"offset_mapping\")\n", "\n", " # Let's label those examples and get their boxes \n", " sequence_length_prev = 0 \n", " for i, offsets in enumerate(offset_mapping):\n", " # truncate tokens, boxes and labels based on length of chunk - 2 (special tokens and )\n", " sequence_length = len(encodings.input_ids[i]) - 2\n", " if i == 0: start = 0\n", " else: start += sequence_length_prev - doc_stride\n", " end = start + sequence_length\n", " sequence_length_prev = sequence_length\n", "\n", " # get tokens, boxes and labels of this image chunk\n", " bb = [cls_box] + bboxes_list[start:end] + [sep_box]\n", "\n", " # as the last chunk can have a length < max_length\n", " # we must to add [tokenizer.pad_token] (tokens), [sep_box] (boxes) and [-100] (labels)\n", " if len(bb) < max_length:\n", " bb = bb + [sep_box] * (max_length - len(bb))\n", "\n", " # append results\n", " input_ids_list.append(encodings[\"input_ids\"][i])\n", " attention_mask_list.append(encodings[\"attention_mask\"][i])\n", " bb_list.append(bb)\n", " images_ids_list.append(image_id)\n", " chunks_ids_list.append(i)\n", " images_pixels_list.append(image_pixels)\n", " \n", " return {\n", " \"images_ids\": images_ids_list,\n", " \"chunk_ids\": chunks_ids_list,\n", " \"input_ids\": input_ids_list,\n", " \"attention_mask\": attention_mask_list,\n", " \"normalized_bboxes\": bb_list,\n", " \"images_pixels\": images_pixels_list\n", " }" ] }, { "cell_type": "code", "execution_count": 14, "metadata": { "id": "e-vcU4ru6_b9" }, "outputs": [], "source": [ "from torch.utils.data import Dataset\n", "\n", "class CustomDataset(Dataset):\n", " def __init__(self, dataset, tokenizer):\n", " self.dataset = dataset\n", " self.tokenizer = tokenizer\n", "\n", " def __len__(self):\n", " return len(self.dataset)\n", "\n", " def __getitem__(self, idx):\n", " # get item\n", " example = self.dataset[idx]\n", " encoding = dict()\n", " encoding[\"images_ids\"] = example[\"images_ids\"]\n", " encoding[\"chunk_ids\"] = example[\"chunk_ids\"]\n", " encoding[\"input_ids\"] = example[\"input_ids\"]\n", " encoding[\"attention_mask\"] = example[\"attention_mask\"]\n", " encoding[\"bbox\"] = example[\"normalized_bboxes\"]\n", " encoding[\"images_pixels\"] = example[\"images_pixels\"]\n", " \n", " return encoding" ] }, { "cell_type": "code", "execution_count": 15, "metadata": { "id": "RKoGifXPS5D-" }, "outputs": [], "source": [ "import torch.nn.functional as F\n", "\n", "# get predictions at token level\n", "def predictions_token_level(images, custom_encoded_dataset, model_id, model):\n", "\n", " num_imgs = len(images)\n", " if num_imgs > 0:\n", "\n", " chunk_ids, input_ids, bboxes, pixels_values, outputs, token_predictions = dict(), dict(), dict(), dict(), dict(), dict()\n", " images_ids_list = list()\n", "\n", " for i,encoding in enumerate(custom_encoded_dataset):\n", "\n", " # get custom encoded data\n", " image_id = encoding['images_ids']\n", " chunk_id = encoding['chunk_ids']\n", " input_id = torch.tensor(encoding['input_ids'])[None]\n", " attention_mask = torch.tensor(encoding['attention_mask'])[None]\n", " bbox = torch.tensor(encoding['bbox'])[None]\n", " pixel_values = torch.tensor(encoding[\"images_pixels\"])\n", "\n", " # save data in dictionnaries\n", " if image_id not in images_ids_list: images_ids_list.append(image_id)\n", "\n", " if image_id in chunk_ids: chunk_ids[image_id].append(chunk_id)\n", " else: chunk_ids[image_id] = [chunk_id]\n", "\n", " if image_id in input_ids: input_ids[image_id].append(input_id)\n", " else: input_ids[image_id] = [input_id]\n", "\n", " if image_id in bboxes: bboxes[image_id].append(bbox)\n", " else: bboxes[image_id] = [bbox]\n", "\n", " if image_id in pixels_values: pixels_values[image_id].append(pixel_values)\n", " else: pixels_values[image_id] = [pixel_values]\n", "\n", " # get prediction with forward pass\n", " with torch.no_grad():\n", "\n", " if model_id == model_id_lilt:\n", " output = model(\n", " input_ids=input_id.to(device),\n", " attention_mask=attention_mask.to(device),\n", " bbox=bbox.to(device),\n", " )\n", " elif model_id == model_id_layoutxlm:\n", " output = model(\n", " input_ids=input_id.to(device),\n", " attention_mask=attention_mask.to(device),\n", " bbox=bbox.to(device),\n", " image=pixel_values.to(device)\n", " ) \n", "\n", " # save probabilities of predictions in dictionnary\n", " if image_id in outputs: outputs[image_id].append(F.softmax(output.logits.squeeze(), dim=-1))\n", " else: outputs[image_id] = [F.softmax(output.logits.squeeze(), dim=-1)]\n", "\n", " return outputs, images_ids_list, chunk_ids, input_ids, bboxes\n", "\n", " else:\n", " print(\"An error occurred while getting predictions!\")" ] }, { "cell_type": "code", "execution_count": 16, "metadata": { "id": "aoW5TXYrU9ko" }, "outputs": [], "source": [ "from functools import reduce\n", "\n", "# Get predictions (paragraph level)\n", "def predictions_probs_paragraph_level(max_length, tokenizer, id2label, dataset, outputs, images_ids_list, chunk_ids, input_ids, bboxes, cls_box, sep_box):\n", "\n", " ten_probs_dict, ten_input_ids_dict, ten_bboxes_dict = dict(), dict(), dict()\n", " bboxes_list_dict, input_ids_dict_dict, probs_dict_dict, df = dict(), dict(), dict(), dict()\n", "\n", " if len(images_ids_list) > 0:\n", "\n", " for i, image_id in enumerate(images_ids_list):\n", "\n", " # get image information\n", " images_list = dataset.filter(lambda example: example[\"images_ids\"] == image_id)[\"images\"]\n", " image = images_list[0]\n", " width, height = image.size\n", "\n", " # get data\n", " chunk_ids_list = chunk_ids[image_id]\n", " outputs_list = outputs[image_id]\n", " input_ids_list = input_ids[image_id]\n", " bboxes_list = bboxes[image_id]\n", "\n", " # create zeros tensors\n", " ten_probs = torch.zeros((outputs_list[0].shape[0] - 2)*len(outputs_list), outputs_list[0].shape[1])\n", " ten_input_ids = torch.ones(size=(1, (outputs_list[0].shape[0] - 2)*len(outputs_list)), dtype =int)\n", " ten_bboxes = torch.zeros(size=(1, (outputs_list[0].shape[0] - 2)*len(outputs_list), 4), dtype =int)\n", "\n", " if len(outputs_list) > 1:\n", " \n", " for num_output, (output, input_id, bbox) in enumerate(zip(outputs_list, input_ids_list, bboxes_list)):\n", " start = num_output*(max_length - 2) - max(0,num_output)*doc_stride\n", " end = start + (max_length - 2)\n", " \n", " if num_output == 0:\n", " ten_probs[start:end,:] += output[1:-1]\n", " ten_input_ids[:,start:end] = input_id[:,1:-1]\n", " ten_bboxes[:,start:end,:] = bbox[:,1:-1,:]\n", " else:\n", " ten_probs[start:start + doc_stride,:] += output[1:1 + doc_stride]\n", " ten_probs[start:start + doc_stride,:] = ten_probs[start:start + doc_stride,:] * 0.5\n", " ten_probs[start + doc_stride:end,:] += output[1 + doc_stride:-1]\n", "\n", " ten_input_ids[:,start:start + doc_stride] = input_id[:,1:1 + doc_stride]\n", " ten_input_ids[:,start + doc_stride:end] = input_id[:,1 + doc_stride:-1]\n", "\n", " ten_bboxes[:,start:start + doc_stride,:] = bbox[:,1:1 + doc_stride,:]\n", " ten_bboxes[:,start + doc_stride:end,:] = bbox[:,1 + doc_stride:-1,:]\n", " \n", " else:\n", " ten_probs += outputs_list[0][1:-1] \n", " ten_input_ids = input_ids_list[0][:,1:-1] \n", " ten_bboxes = bboxes_list[0][:,1:-1] \n", "\n", " ten_probs_list, ten_input_ids_list, ten_bboxes_list = ten_probs.tolist(), ten_input_ids.tolist()[0], ten_bboxes.tolist()[0]\n", " bboxes_list = list()\n", " input_ids_dict, probs_dict = dict(), dict()\n", " bbox_prev = [-100, -100, -100, -100]\n", " for probs, input_id, bbox in zip(ten_probs_list, ten_input_ids_list, ten_bboxes_list):\n", " bbox = denormalize_box(bbox, width, height)\n", " if bbox != bbox_prev and bbox != cls_box and bbox != sep_box and bbox[0] != bbox[2] and bbox[1] != bbox[3]:\n", " bboxes_list.append(bbox)\n", " input_ids_dict[str(bbox)] = [input_id]\n", " probs_dict[str(bbox)] = [probs]\n", " elif bbox != cls_box and bbox != sep_box and bbox[0] != bbox[2] and bbox[1] != bbox[3]:\n", " input_ids_dict[str(bbox)].append(input_id)\n", " probs_dict[str(bbox)].append(probs)\n", " bbox_prev = bbox\n", " \n", " probs_bbox = dict()\n", " for i,bbox in enumerate(bboxes_list):\n", " probs = probs_dict[str(bbox)]\n", " probs = np.array(probs).T.tolist()\n", " \n", " probs_label = list()\n", " for probs_list in probs:\n", " prob_label = reduce(lambda x, y: x*y, probs_list)\n", " prob_label = prob_label**(1./(len(probs_list))) # normalization\n", " probs_label.append(prob_label)\n", " # max_value = max(probs_label)\n", " # max_index = probs_label.index(max_value)\n", " # probs_bbox[str(bbox)] = max_index\n", " probs_bbox[str(bbox)] = probs_label\n", "\n", " bboxes_list_dict[image_id] = bboxes_list\n", " input_ids_dict_dict[image_id] = input_ids_dict\n", " probs_dict_dict[image_id] = probs_bbox\n", "\n", " # df[image_id] = pd.DataFrame()\n", " # df[image_id][\"bboxes\"] = bboxes_list\n", " # df[image_id][\"texts\"] = [tokenizer.decode(input_ids_dict[str(bbox)]) for bbox in bboxes_list]\n", " # df[image_id][\"labels\"] = [id2label[probs_bbox[str(bbox)]] for bbox in bboxes_list]\n", "\n", " return probs_bbox, bboxes_list_dict, input_ids_dict_dict, probs_dict_dict #, df\n", "\n", " else:\n", " print(\"An error occurred while getting predictions!\")" ] }, { "cell_type": "code", "execution_count": 17, "metadata": { "id": "BXOxjZKkXKU9" }, "outputs": [], "source": [ "from functools import reduce\n", "\n", "# Get predictions (paragraph level)\n", "def predictions_paragraph_level(max_length, tokenizer1, id2label, dataset, outputs1, images_ids_list1, chunk_ids1, input_ids1, bboxes1, cls_box1, sep_box1, tokenizer2, outputs2, images_ids_list2, chunk_ids2, input_ids2, bboxes2, cls_box2, sep_box2):\n", "\n", " bboxes_list_dict, input_ids_dict_dict, probs_dict_dict, df = dict(), dict(), dict(), dict()\n", "\n", " probs_bbox1, bboxes_list_dict1, input_ids_dict_dict1, probs_dict_dict1 = predictions_probs_paragraph_level(max_length, tokenizer1, id2label, dataset, outputs1, images_ids_list1, chunk_ids1, input_ids1, bboxes1, cls_box1, sep_box1)\n", " probs_bbox2, bboxes_list_dict2, input_ids_dict_dict2, probs_dict_dict2 = predictions_probs_paragraph_level(max_length, tokenizer2, id2label, dataset, outputs2, images_ids_list2, chunk_ids2, input_ids2, bboxes2, cls_box2, sep_box2)\n", "\n", " if len(images_ids_list1) > 0:\n", "\n", " for i, image_id in enumerate(images_ids_list1):\n", "\n", " bboxes_list1 = bboxes_list_dict1[image_id]\n", " input_ids_dict1 = input_ids_dict_dict1[image_id]\n", " probs_bbox1 = probs_dict_dict1[image_id]\n", "\n", " bboxes_list2 = bboxes_list_dict2[image_id]\n", " input_ids_dict2 = input_ids_dict_dict2[image_id]\n", " probs_bbox2 = probs_dict_dict2[image_id]\n", "\n", " probs_bbox = dict()\n", " for bbox in bboxes_list1:\n", " prob_bbox = [(p1+p2)/2 for p1,p2 in zip(probs_bbox1[str(bbox)], probs_bbox2[str(bbox)])]\n", " max_value = max(prob_bbox)\n", " max_index = prob_bbox.index(max_value)\n", " probs_bbox[str(bbox)] = max_index\n", "\n", " bboxes_list_dict[image_id] = bboxes_list1\n", " input_ids_dict_dict[image_id] = input_ids_dict1\n", " probs_dict_dict[image_id] = probs_bbox\n", "\n", " df[image_id] = pd.DataFrame()\n", " df[image_id][\"bboxes\"] = bboxes_list1\n", " df[image_id][\"texts\"] = [tokenizer1.decode(input_ids_dict1[str(bbox)]) for bbox in bboxes_list1]\n", " df[image_id][\"labels\"] = [id2label[probs_bbox[str(bbox)]] for bbox in bboxes_list1]\n", "\n", " return bboxes_list_dict, input_ids_dict_dict, probs_dict_dict, df\n", "\n", " else:\n", " print(\"An error occurred while getting predictions!\")\n", " " ] }, { "cell_type": "code", "execution_count": 18, "metadata": { "id": "d9exNV7WS2XM" }, "outputs": [], "source": [ "# Get labeled images with lines bounding boxes\n", "def get_labeled_images(id2label, dataset, images_ids_list, bboxes_list_dict, probs_dict_dict):\n", "\n", " labeled_images = list()\n", "\n", " for i, image_id in enumerate(images_ids_list):\n", "\n", " # get image\n", " images_list = dataset.filter(lambda example: example[\"images_ids\"] == image_id)[\"images\"]\n", " image = images_list[0]\n", " width, height = image.size\n", "\n", " # get predicted boxes and labels\n", " bboxes_list = bboxes_list_dict[image_id]\n", " probs_bbox = probs_dict_dict[image_id]\n", "\n", " draw = ImageDraw.Draw(image)\n", " # https://stackoverflow.com/questions/66274858/choosing-a-pil-imagefont-by-font-name-rather-than-filename-and-cross-platform-f\n", " font = font_manager.FontProperties(family='sans-serif', weight='bold')\n", " font_file = font_manager.findfont(font)\n", " font_size = 30\n", " font = ImageFont.truetype(font_file, font_size)\n", "\n", " for bbox in bboxes_list:\n", " predicted_label = id2label[probs_bbox[str(bbox)]]\n", " draw.rectangle(bbox, outline=label2color[predicted_label])\n", " draw.text((bbox[0] + 10, bbox[1] - font_size), text=predicted_label, fill=label2color[predicted_label], font=font)\n", "\n", " labeled_images.append(image)\n", "\n", " return labeled_images" ] }, { "cell_type": "code", "execution_count": 19, "metadata": { "id": "5AyQ5NfQomMV" }, "outputs": [], "source": [ "# get data of encoded chunk\n", "def get_encoded_chunk_inference(tokenizer, dataset, encoded_dataset, index_chunk=None):\n", "\n", " # get datasets\n", " example = dataset\n", " encoded_example = encoded_dataset\n", "\n", " # get randomly a document in dataset\n", " if index_chunk == None: index_chunk = random.randint(0, len(encoded_example)-1)\n", " encoded_example = encoded_example[index_chunk]\n", " encoded_image_ids = encoded_example[\"images_ids\"]\n", "\n", " # get the image\n", " example = example.filter(lambda example: example[\"images_ids\"] == encoded_image_ids)[0]\n", " image = example[\"images\"] # original image\n", " width, height = image.size\n", " page_no = example[\"page_no\"]\n", " num_pages = example[\"num_pages\"]\n", "\n", " # get boxes, texts, categories\n", " bboxes, input_ids = encoded_example[\"normalized_bboxes\"][1:-1], encoded_example[\"input_ids\"][1:-1]\n", " bboxes = [denormalize_box(bbox, width, height) for bbox in bboxes]\n", " num_tokens = len(input_ids) + 2\n", "\n", " # get unique bboxes and corresponding labels\n", " bboxes_list, input_ids_list = list(), list()\n", " input_ids_dict = dict()\n", " bbox_prev = [-100, -100, -100, -100]\n", " for i, (bbox, input_id) in enumerate(zip(bboxes, input_ids)):\n", " if bbox != bbox_prev:\n", " bboxes_list.append(bbox)\n", " input_ids_dict[str(bbox)] = [input_id]\n", " else:\n", " input_ids_dict[str(bbox)].append(input_id)\n", " \n", " # start_indexes_list.append(i)\n", " bbox_prev = bbox\n", " \n", " # do not keep \"...\"\n", " if input_ids_dict[str(bboxes_list[-1])][0] == (tokenizer.convert_tokens_to_ids('')):\n", " del input_ids_dict[str(bboxes_list[-1])]\n", " bboxes_list = bboxes_list[:-1]\n", "\n", " # get texts by line\n", " input_ids_list = input_ids_dict.values()\n", " texts_list = [tokenizer.decode(input_ids) for input_ids in input_ids_list]\n", " \n", " # display DataFrame\n", " df = pd.DataFrame({\"texts\": texts_list, \"input_ids\": input_ids_list, \"bboxes\": bboxes_list})\n", "\n", " return image, df, num_tokens, page_no, num_pages" ] }, { "cell_type": "code", "execution_count": 20, "metadata": { "id": "yYeb88pWoUFS" }, "outputs": [], "source": [ "# display chunk of PDF image and its data\n", "def display_chunk_lines_inference(dataset, encoded_dataset, index_chunk=None):\n", "\n", " # get image and image data\n", " image, df, num_tokens, page_no, num_pages = get_encoded_chunk_inference(dataset, encoded_dataset, index_chunk=index_chunk)\n", "\n", " # get data from dataframe\n", " input_ids = df[\"input_ids\"]\n", " texts = df[\"texts\"]\n", " bboxes = df[\"bboxes\"]\n", "\n", " print(f'Chunk ({num_tokens} tokens) of the PDF (page: {page_no+1} / {num_pages})\\n')\n", "\n", " # display image with bounding boxes\n", " print(\">> PDF image with bounding boxes of lines\\n\")\n", " draw = ImageDraw.Draw(image)\n", " \n", " labels = list()\n", " for box, text in zip(bboxes, texts):\n", " color = \"red\"\n", " draw.rectangle(box, outline=color)\n", " \n", " # resize image to original\n", " width, height = image.size\n", " image = image.resize((int(0.5*width), int(0.5*height)))\n", "\n", " # convert to cv and display\n", " img = np.array(image, dtype='uint8') # PIL to cv2\n", " cv2_imshow(img)\n", " cv2.waitKey(0)\n", "\n", " # display image dataframe\n", " print(\"\\n>> Dataframe of annotated lines\\n\")\n", " cols = [\"texts\",\t\"bboxes\"]\n", " df = df[cols]\n", " display(df)" ] }, { "cell_type": "markdown", "metadata": { "id": "QO-nRIOxCeko" }, "source": [ "#### APP function" ] }, { "cell_type": "code", "execution_count": 21, "metadata": { "id": "MbBPAYF8Cg8d" }, "outputs": [], "source": [ "# APP outputs by model\n", "def app_outputs(uploaded_pdf):\n", " filename, msg, images = pdf_to_images(uploaded_pdf)\n", " num_images = len(images)\n", "\n", " if not msg.startswith(\"Error with the PDF\"):\n", " \n", " # Extraction of image data (text and bounding boxes)\n", " dataset, texts_lines, texts_pars, texts_lines_par, row_indexes, par_boxes, line_boxes, lines_par_boxes = extraction_data_from_image(images)\n", " \n", " # prepare our data in the format of the model\n", " # model1\n", " prepare_inference_features_partial1 = partial(prepare_inference_features_paragraph, tokenizer=tokenizer1, max_length=max_length, cls_box=cls_box1, sep_box=sep_box1)\n", " encoded_dataset1 = dataset.map(prepare_inference_features_partial1, batched=True, batch_size=64, remove_columns=dataset.column_names)\n", " custom_encoded_dataset1 = CustomDataset(encoded_dataset1, tokenizer1)\n", " # model2\n", " prepare_inference_features_partial2 = partial(prepare_inference_features_paragraph, tokenizer=tokenizer2, max_length=max_length, cls_box=cls_box2, sep_box=sep_box2)\n", " encoded_dataset2 = dataset.map(prepare_inference_features_partial2, batched=True, batch_size=64, remove_columns=dataset.column_names)\n", " custom_encoded_dataset2 = CustomDataset(encoded_dataset2, tokenizer2)\n", " \n", " # Get predictions (token level)\n", " # model1\n", " outputs1, images_ids_list1, chunk_ids1, input_ids1, bboxes1 = predictions_token_level(images, custom_encoded_dataset1, model_id1, model1)\n", " # model2\n", " outputs2, images_ids_list2, chunk_ids2, input_ids2, bboxes2 = predictions_token_level(images, custom_encoded_dataset2, model_id2, model2)\n", " \n", " # Get predictions (paragraph level)\n", " bboxes_list_dict, input_ids_dict_dict, probs_dict_dict, df = predictions_paragraph_level(max_length, tokenizer1, id2label, dataset, outputs1, images_ids_list1, chunk_ids1, input_ids1, bboxes1, cls_box1, sep_box1, tokenizer2, outputs2, images_ids_list2, chunk_ids2, input_ids2, bboxes2, cls_box2, sep_box2)\n", " \n", " # Get labeled images with lines bounding boxes\n", " images = get_labeled_images(id2label, dataset, images_ids_list1, bboxes_list_dict, probs_dict_dict)\n", "\n", " img_files = list()\n", " # get image of PDF without bounding boxes\n", " for i in range(num_images):\n", " if filename != \"files/blank.png\": img_file = f\"img_{i}_\" + filename.replace(\".pdf\", \".png\")\n", " else: img_file = filename.replace(\".pdf\", \".png\")\n", " img_file = img_file.replace(\"/\", \"_\")\n", " images[i].save(img_file)\n", " img_files.append(img_file)\n", "\n", " if num_images < max_imgboxes:\n", " img_files += [image_blank]*(max_imgboxes - num_images)\n", " images += [Image.open(image_blank)]*(max_imgboxes - num_images)\n", " for count in range(max_imgboxes - num_images):\n", " df[num_images + count] = pd.DataFrame()\n", " else:\n", " img_files = img_files[:max_imgboxes]\n", " images = images[:max_imgboxes]\n", " df = dict(itertools.islice(df.items(), max_imgboxes))\n", "\n", " # save \n", " csv_files = list()\n", " for i in range(max_imgboxes):\n", " csv_file = f\"csv_{i}_\" + filename.replace(\".pdf\", \".csv\")\n", " csv_file = csv_file.replace(\"/\", \"_\")\n", " csv_files.append(gr.File.update(value=csv_file, visible=True))\n", " df[i].to_csv(csv_file, encoding=\"utf-8\", index=False)\n", "\n", " else: \n", " img_files, images, csv_files = [\"\"]*max_imgboxes, [\"\"]*max_imgboxes, [\"\"]*max_imgboxes\n", " img_files[0], img_files[1] = image_blank, image_blank\n", " images[0], images[1] = Image.open(image_blank), Image.open(image_blank)\n", " csv_file = \"csv_wo_content.csv\"\n", " csv_files[0], csv_files[1] = gr.File.update(value=csv_file, visible=True), gr.File.update(value=csv_file, visible=True)\n", " df, df_empty = dict(), pd.DataFrame()\n", " df[0], df[1] = df_empty.to_csv(csv_file, encoding=\"utf-8\", index=False), df_empty.to_csv(csv_file, encoding=\"utf-8\", index=False)\n", " \n", " return msg, img_files[0], img_files[1], images[0], images[1], csv_files[0], csv_files[1], df[0], df[1]" ] }, { "cell_type": "markdown", "metadata": { "id": "CQdS0CydNesH" }, "source": [ "## Models & tokenizers" ] }, { "cell_type": "code", "execution_count": 22, "metadata": { "colab": { "base_uri": "https://localhost:8080/", "height": 392, "referenced_widgets": [ "d9305861f1a84231b5d39351d1364cf6", "de5206aadf0b4156b9e4735f1c279abc", "72514a622dbb40ebad2098e0a7bf7269", "eec9f28f5e194d2abd06ab0c2fc69c23", "09d3d07a5e7e47ad9e6c596207714410", "3de594c910a346be9418012dbfe4de87", "ba4966b053794d46a62bcb197ff20d00", "37da27393ad0452e8d531b1641fc5ca9", "8fc5d74c310d4d18a0112f5cca505450", "af7dd83639794992820349b20ea0faec", "a313efc56b694b0c8d6128721d18e691", "c4f4dcbbbbf14b9ebdfd97de737db243", "8f6c40f1180d4b7e8fb29500473d6a0e", "76a2de5974ca4fad8c49d444ebc987ff", "0e3ffafbb6e84610b7d497423403de74", "2412ea2e222e468fa615b98d674ec9b0", "dd979fa2aa594878951b2bf6276e007e", "18cb13607f2a4518af1bb73f83b50ebc", "9856ab64996d47adb9f827a4de92d90b", "23d4dff341454e1180d49cedaace502f", "8dfba795c35c4a0da8270ee30e5428fa", "8ea9d4173d4241208ba793f095c53990", "8e3c36ec269845bdb5f23c5ca13a7356", "96d57928d013491b858d79b6c8041c8f", "ea48673b0c224efebffb0a2a7dd272b2", "d859eb6d47a640b5975540f347df20c1", "65b6198e131641378afcdf31344d8dfd", "a4231dc3af4a4ffea7b8ccbfee0ffc61", "de0316c1534840eebae775f5eba54566", "726dbe8a159a4ac998b04302e35d2d00", "e5570b0abe7b4a5b9686214880f97778", "399559dc22e9495abcf1fc62dd462e6b", "6167ea0bea7e42a3a3dbddf7eac583e2", "e70df93828a7455e87b89ef11f331aac", "c2f3171dd3df438aad3c677c393fc0b6", "59aaa4c352d34356a1193ceb2b0c1b89", "d792d7fdcc504675b582a87d59bad780", "5195736a905e4266b788b95118a24c81", "5f8843cb8f5d48aa9c5f6a14a2d6e70d", "eaadfc33ade141bd8d0189c80f39caae", "e90a065f1a9a489a9b960d6dc8858bc1", "ea741d85f83f47b6838c30b3d43d77e5", "75331d2b11dc4b579a1b1cb31a1306f6", "caafc28e6a6743739adfd23baf7d008c", "8f892c06e4a94a3f913f69b4a1755276", "01eb5c55497e4db4a52ac03e7b8c6dae", "565627c79fb846d4aafa36278c69a79d", "7ac4e584d02e4df39c0b438bf0fa0969", "34c1281c24214d3f9a4ebcf208768e69", "994c578c9dd44897bdbf8b31d73a2fd3", "fe4d18b9d8944298876e7841a1ed5638", "33fbaa9edc84439f84006e319ef7fa37", "ef27cf398a274ad68e507d2bce9dfcf6", "1ab740608190456397667ed444fc074b", "a2e61c517525417f88dc4af0ab41bb39", "3566a9958b3c4f52943d3c273ea49be3", "5a88b6d8fc454514b70d480b74631bef", "8a1aff84ddce4ccc923dc546d15e596a", "86238d738f6a4cf7875cc908e821a1f1", "75efeca057494caa8ecc508af4daddfe", "75f000e92e1e4fd4af4fb3305c1c92cb", "341708cd8fce4326b54c7e4f889e6ee1", "35c5d8bdfe47465b8772041ded07060a", "eae6ce711bd44148b72fc30c7dc2a2bd", "7779ffea43d14e5bb5a405258c9da36a", "897073d0439a4fc386f22318ac88dd81", "50eb09d9649e439098d1bbaa36389448", "770f8f8cda744d17b620ff0b43928c9e", "07d6fe0433f0464a943057f5e1169930", "2232ab56596a4f6dbfbbb36c63fb3296", "80b3badca2c94c26940380f25d3c3883", "26c4fe53f6804a5e8b1edb38aae296ca", "5b31c082fc9546ec9fa3f146cb54df30", "37d6e0f0c60b4364ae7d679ddc5c9747", "e60ac21e72bb44029001ef8b3727d3aa", "e0c09170cae14306a860796e4941be0e", "7caaa7ac2db949f1b57a1c15a6ae9160", "6d3f8ca8693f4838a26c8312d93a13bd", "63aa6a89e17c4f3a87eac5a0472c5524", "e203293c17e843ffa9dbf48fa833c3a7", "018db48c14574863b033763c6cea8dff", "694e07a7ce0e425aaac696b9fed7aec2", "c664d1a7340f409485b6d4910885f930", "da0615426161451da16cebfc472b6dd3", "8d8a1337600147c383743ebc4360ed7c", "b03789df84084d0aa2b9a2be58aeea98", "d357fedab6a14b2e965afbc94bbf4aeb", "ec96d921f98b472e89a48b36119eb0e0", "2a3239a9c31b40ba9e109e9518b892f2", "12efd6aa5d65457d929d73e21d3f537b", "6fe79735f00b4efa9954f025ab98d79b", "d50b222fdd0b465fb273face8b24cd37", "a59ded8fec004ffea54ca31e58332441", "18e09c855d32421ca91cc3a6b1344c0e", "9501af27e61542b1a579b408c5f1586c", "c3961f0b4242402fb9cd855920e88bb1", "6163c0e354c54428aa99a488d4a10e17", "0a28d69e7adf4c8d89b4fd3797a35b4b", "663cd80ed34c42b799fca1750a51d9e6", "604cb07d482d4788ab57d926a4afd754", "fa633f3ea59f4f46b1334e659d358cb7", "acf30fb14d554afe9e318d80dbf0e498", "622d94dbfac5438c9e02691b3ef305e0", "2644392fc2544c739a58c9688e184e55", "0cda17db6acc47a9bbd1c90272eff264", "a66d20b94c094a0881d5f0370d5172ce", "3ed31a90342a4994b26a7eb30210c370", "e069fafd5dc346ab8f590f8f46ced733", "65b3017294bb408eb64b8d9bdf0430c5", "73e1f204b014411e855434c12f4377fd" ] }, "id": "Y7cxrTigFLaE", "outputId": "051d54cb-8bfe-4ab5-9a10-b33fdbf19cb8" }, "outputs": [ { "output_type": "display_data", "data": { "text/plain": [ "Downloading (…)okenizer_config.json: 0%| | 0.00/463 [00:00" ], "application/javascript": [ "(async (port, path, width, height, cache, element) => {\n", " if (!google.colab.kernel.accessAllowed && !cache) {\n", " return;\n", " }\n", " element.appendChild(document.createTextNode(''));\n", " const url = await google.colab.kernel.proxyPort(port, {cache});\n", "\n", " const external_link = document.createElement('div');\n", " external_link.innerHTML = `\n", "
\n", " Running on \n", " https://localhost:${port}${path}\n", " \n", "
\n", " `;\n", " element.appendChild(external_link);\n", "\n", " const iframe = document.createElement('iframe');\n", " iframe.src = new URL(path, url).toString();\n", " iframe.height = height;\n", " iframe.allow = \"autoplay; camera; microphone; clipboard-read; clipboard-write;\"\n", " iframe.width = width;\n", " iframe.style.border = 0;\n", " element.appendChild(iframe);\n", " })(7860, \"/\", \"100%\", 500, false, window.element)" ] }, "metadata": {} }, { "output_type": "stream", "name": "stdout", "text": [ "Keyboard interruption in main thread... closing server.\n" ] }, { "output_type": "execute_result", "data": { "text/plain": [] }, "metadata": {}, "execution_count": 24 } ], "source": [ "# Gradio APP\n", "with gr.Blocks(title='Inference APP for Document Understanding at paragraph level (v3 - Ensemble \"LiLT + LayoutXLM\" base)', css=\".gradio-container\") as demo:\n", " gr.HTML(\"\"\"\n", "

Inference APP for Document Understanding at paragraph level (v3 - Ensemble \"LiLT + LayoutXLM\" base)

\n", "

(04/04/2023) This Inference APP uses an ensemble of 2 Document Understanding models finetuned on the dataset DocLayNet base at paragraph level (chunk size of 512 tokens) and combined with XLM-RoBERTa base: LiLT base and LayoutXLM base.

This ensemble calculates the probabilities of each block from the outputs of the models for each label before selecting the label with the highest sum of the normalized probabilities.

\n", "

Note: LiLT (Language-Independent Layout Transformer) and LayoutXLM: Multimodal Pre-training for Multilingual Visually-rich Document Understanding are Document Understanding models that use both layout and text in order to detect labels of bounding boxes. Combined with the model XML-RoBERTa base, this finetuned model has the capacity to understand any language. Finetuned on the dataset DocLayNet base, they can classifly any bounding box (and its OCR text) to 11 labels (Caption, Footnote, Formula, List-item, Page-footer, Page-header, Picture, Section-header, Table, Text, Title).

\n", "

They rely on an external OCR engine to get words and bounding boxes from the document image. Thus, let's run in this APP an OCR engine (PyTesseract) to get the bounding boxes, then run the 2 models (already fine-tuned on the dataset DocLayNet base at paragraph level) on the individual tokens and then, normalized the sum of block probabilities as explained, and visualize the result at paragraph level!

\n", "

It allows to get all pages of any PDF (of any language) with bounding boxes labeled at paragraph level and the associated dataframes with labeled data (bounding boxes, texts, labels) :-)

\n", "

However, the inference time per page can be high when running the model on CPU due to the number of paragraph predictions to be made. Therefore, to avoid running this APP for too long, only the first 2 pages are processed by this APP. If you want to increase this limit, you can either clone this APP in Hugging Face Space (or run its notebook on your own plateform) and change the value of the parameter max_imgboxes, or run the inference notebook \"Document AI | Inference at paragraph level by using the association of 2 Document Understanding models (LiLT and LayoutXLM base fine-tuned on DocLayNet base dataset)\" on your own platform as it does not have this limit.

\n", "

Links to Document Understanding APPs:

\n", "

More information about the DocLayNet datasets, the finetuning of the model and this APP in the following blog posts:

\n", "
\n", " \"\"\")\n", " with gr.Row():\n", " pdf_file = gr.File(label=\"PDF\")\n", " with gr.Row():\n", " submit_btn = gr.Button(f\"Display first {max_imgboxes} labeled PDF pages\")\n", " reset_btn = gr.Button(value=\"Clear\")\n", " with gr.Row():\n", " output_msg = gr.Textbox(label=\"Output message\")\n", " with gr.Row():\n", " fileboxes = []\n", " for num_page in range(max_imgboxes):\n", " file_path = gr.File(visible=True, label=f\"Image file of the PDF page n°{num_page}\")\n", " fileboxes.append(file_path)\n", " with gr.Row():\n", " imgboxes = []\n", " for num_page in range(max_imgboxes):\n", " img = gr.Image(type=\"pil\", label=f\"Image of the PDF page n°{num_page}\")\n", " imgboxes.append(img)\n", " with gr.Row():\n", " csvboxes = []\n", " for num_page in range(max_imgboxes):\n", " csv = gr.File(visible=True, label=f\"CSV file at paragraph level (page {num_page})\")\n", " csvboxes.append(csv)\n", " with gr.Row():\n", " dfboxes = []\n", " for num_page in range(max_imgboxes):\n", " df = gr.Dataframe(\n", " headers=[\"bounding boxes\", \"texts\", \"labels\"],\n", " datatype=[\"str\", \"str\", \"str\"],\n", " col_count=(3, \"fixed\"), \n", " visible=True,\n", " label=f\"Data of page {num_page}\",\n", " type=\"pandas\",\n", " wrap=True\n", " )\n", " dfboxes.append(df)\n", "\n", " outputboxes = [output_msg] + fileboxes + imgboxes + csvboxes + dfboxes\n", " submit_btn.click(app_outputs, inputs=[pdf_file], outputs=outputboxes)\n", " # https://github.com/gradio-app/gradio/pull/2044/files#diff-a91dd2749f68bb7d0099a0f4079a4fd2d10281e299e7b451cb1bb876a7c21975R91\n", " reset_btn.click(\n", " lambda: [pdf_file.update(value=None), output_msg.update(value=None)] + [filebox.update(value=None) for filebox in fileboxes] + [imgbox.update(value=None) for imgbox in imgboxes] + [csvbox.update(value=None) for csvbox in csvboxes] + [dfbox.update(value=None) for dfbox in dfboxes],\n", " inputs=[],\n", " outputs=[pdf_file, output_msg] + fileboxes + imgboxes + csvboxes + dfboxes\n", " )\n", " \n", " gr.Examples(\n", " [[\"files/example.pdf\"]],\n", " [pdf_file],\n", " outputboxes,\n", " fn=app_outputs,\n", " cache_examples=True,\n", " )\n", " \n", "demo.launch()" ] }, { "cell_type": "markdown", "metadata": { "id": "F2POOE3IOMyu" }, "source": [ "# END" ] } ], "metadata": { "colab": { "collapsed_sections": [ "FpHg6WpKqVyV", "TVpB8L5mxgSx", "bflle1CCngoo", "mnfTZnF4mQbh", "ibTxXBjfngop", "gA3leN0cdb3g", "TrlF26R14NYP", "WO1bn3pmNzmX", "9VJoRifzojvD", "QO-nRIOxCeko", "F2POOE3IOMyu" ], "provenance": [] }, "gpuClass": "standard", "kernelspec": { "display_name": "Python 3", "language": "python", "name": "python3" }, "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.8.10" }, "widgets": { "application/vnd.jupyter.widget-state+json": { "37db8e1157a341a780ea25a79fcf768e": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_aa32965f160a4379982d6c7394b4a80f", "IPY_MODEL_09124e1470124d988a226b4dbbb2e79f", "IPY_MODEL_935d295224da41229e9db66ad162c47e" ], "layout": "IPY_MODEL_763b8348aba84e7cb6d819b90e734e0c" } }, "aa32965f160a4379982d6c7394b4a80f": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_79d76d05005443fe948b1f980a503245", "placeholder": "​", "style": "IPY_MODEL_77079b91cf6049039e6f415266c573d8", "value": "Downloading (…)in/files/example.pdf: 100%" } }, "09124e1470124d988a226b4dbbb2e79f": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_5878204a25f74562877fee48f14cf7c9", "max": 343416, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_6de2a6d2a950458e89228e08f325c336", "value": 343416 } }, "935d295224da41229e9db66ad162c47e": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_41fd012c67a74f4988372e3cced4ab23", "placeholder": "​", "style": "IPY_MODEL_d555b9974c9141a2852a55591d3121f4", "value": " 343k/343k [00:00<00:00, 2.88MB/s]" } }, "763b8348aba84e7cb6d819b90e734e0c": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "79d76d05005443fe948b1f980a503245": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "77079b91cf6049039e6f415266c573d8": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "5878204a25f74562877fee48f14cf7c9": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "6de2a6d2a950458e89228e08f325c336": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "41fd012c67a74f4988372e3cced4ab23": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "d555b9974c9141a2852a55591d3121f4": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "f06709e0878f45d2982f0ed47f975cc7": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_8939b3882c7a4e9e904b97d1996d5eb9", "IPY_MODEL_40f096dfe5cf426aa2adf3fd3eb469de", "IPY_MODEL_7b731a5849ce4237b60c52240eebe9e1" ], "layout": "IPY_MODEL_32ca49c7a4fe439c9157e2831f27f99b" } }, "8939b3882c7a4e9e904b97d1996d5eb9": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_0f231cdc88d449fea363b91c06833837", "placeholder": "​", "style": "IPY_MODEL_07388f6fc1054e3db1fe7eee81a191a0", "value": "Downloading (…)main/files/blank.pdf: 100%" } }, "40f096dfe5cf426aa2adf3fd3eb469de": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_3b1992664fd14eecb04b8f03789e7751", "max": 1148, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_09f3a4ce39a34d3eb1807ca130456c36", "value": 1148 } }, "7b731a5849ce4237b60c52240eebe9e1": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_74ce673aeb184a2985383b3d32955244", "placeholder": "​", "style": "IPY_MODEL_d61f735ae4e043d7840a38c0a65d8bef", "value": " 1.15k/1.15k [00:00<00:00, 35.7kB/s]" } }, "32ca49c7a4fe439c9157e2831f27f99b": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "0f231cdc88d449fea363b91c06833837": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "07388f6fc1054e3db1fe7eee81a191a0": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "3b1992664fd14eecb04b8f03789e7751": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "09f3a4ce39a34d3eb1807ca130456c36": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "74ce673aeb184a2985383b3d32955244": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "d61f735ae4e043d7840a38c0a65d8bef": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "fe82eb4c73564f90ae8ad1bd1056f974": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_60efa284a03f4f1a9600e9e4ca6a6a6d", "IPY_MODEL_9d17e8b10c874baeb4fa243cceefd37c", "IPY_MODEL_772e6b1765c640918190833aca2a8d1f" ], "layout": "IPY_MODEL_13b0f051226a4eb19246a2a6ec6c536d" } }, "60efa284a03f4f1a9600e9e4ca6a6a6d": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_fc0551f0d5a14a1c9675a6d7dbeee2bd", "placeholder": "​", "style": "IPY_MODEL_b675ebed22324e78894a175fe85770e0", "value": "Downloading (…)main/files/blank.png: 100%" } }, "9d17e8b10c874baeb4fa243cceefd37c": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_348929fa521343eab5521d581f5a260e", "max": 3994, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_b54a1d14d4b0440e9056cfa994707ccc", "value": 3994 } }, "772e6b1765c640918190833aca2a8d1f": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_e56646cca5704bdea6660d2d223afcbf", "placeholder": "​", "style": "IPY_MODEL_7978129138034bcd907b425a95e84375", "value": " 3.99k/3.99k [00:00<00:00, 151kB/s]" } }, "13b0f051226a4eb19246a2a6ec6c536d": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "fc0551f0d5a14a1c9675a6d7dbeee2bd": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "b675ebed22324e78894a175fe85770e0": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "348929fa521343eab5521d581f5a260e": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "b54a1d14d4b0440e9056cfa994707ccc": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "e56646cca5704bdea6660d2d223afcbf": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "7978129138034bcd907b425a95e84375": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "9c90fcf2dbfd43ad8cb20c1cbf095dcc": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_7277ce347acc436fac7d733fbb04488c", "IPY_MODEL_dbcc2d00f1af41449e4ac41bfec5d0ec", "IPY_MODEL_3b798ae39a2f425ca8ae86bb4f834d3f" ], "layout": "IPY_MODEL_44e3cf51f7f74e9fa1a4aa7f36b45b9b" } }, "7277ce347acc436fac7d733fbb04488c": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_f773cdf2ec1e43da885ee0536d2e5d08", "placeholder": "​", "style": "IPY_MODEL_f31d2946ccab407abdcd4152a39caa96", "value": "Downloading (…)es/languages_iso.csv: 100%" } }, "dbcc2d00f1af41449e4ac41bfec5d0ec": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_7149a78bc9e7440f97e92feff9cde739", "max": 2522, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_f360fcad74e24151b99d37bb2f2415a1", "value": 2522 } }, "3b798ae39a2f425ca8ae86bb4f834d3f": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_52fa6f13706b4071bfbf65931638c084", "placeholder": "​", "style": "IPY_MODEL_855519129df34e638cac378dc3b20494", "value": " 2.52k/2.52k [00:00<00:00, 67.1kB/s]" } }, "44e3cf51f7f74e9fa1a4aa7f36b45b9b": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "f773cdf2ec1e43da885ee0536d2e5d08": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "f31d2946ccab407abdcd4152a39caa96": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "7149a78bc9e7440f97e92feff9cde739": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "f360fcad74e24151b99d37bb2f2415a1": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "52fa6f13706b4071bfbf65931638c084": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "855519129df34e638cac378dc3b20494": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "0886881897c543d68248015e6d03a569": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_e7808ab73ae743c5b5508cbbeb53bbfa", "IPY_MODEL_4073df45aa59409fa9f3487642cd2c43", "IPY_MODEL_6a89290d30874a1eafc70992d87ea939" ], "layout": "IPY_MODEL_51205a5d4ace4724bcb59885765de35f" } }, "e7808ab73ae743c5b5508cbbeb53bbfa": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_e5c435b026954f3b93b2b9e91cd4e28c", "placeholder": "​", "style": "IPY_MODEL_e68d6a7d73db48c4bca5f0076cb07ec9", "value": "Downloading (…)guages_tesseract.csv: 100%" } }, "4073df45aa59409fa9f3487642cd2c43": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_3b901deb691f45aaafabe8d8b2d9ec35", "max": 2130, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_a61b4866d3b14639a563e03f64428e78", "value": 2130 } }, "6a89290d30874a1eafc70992d87ea939": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_187c30bbd8c744859c6ca42ffdaabefa", "placeholder": "​", "style": "IPY_MODEL_8cc0cff452574cfa89c58a59ff145dbe", "value": " 2.13k/2.13k [00:00<00:00, 57.9kB/s]" } }, "51205a5d4ace4724bcb59885765de35f": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e5c435b026954f3b93b2b9e91cd4e28c": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e68d6a7d73db48c4bca5f0076cb07ec9": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "3b901deb691f45aaafabe8d8b2d9ec35": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "a61b4866d3b14639a563e03f64428e78": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "187c30bbd8c744859c6ca42ffdaabefa": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "8cc0cff452574cfa89c58a59ff145dbe": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "80540a7035f44097bd2b9d0f9da63fea": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_3accb3e17121470cbe036a68ecea7546", "IPY_MODEL_710c8a90d37341a28b015425b5fa4804", "IPY_MODEL_68f57b2a01514f3c80d4695501204cdb" ], "layout": "IPY_MODEL_d9c10fbb62f44978b7556aeaa1bf35e0" } }, "3accb3e17121470cbe036a68ecea7546": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_500ef02b67314d9b940eb8a5b8115ac4", "placeholder": "​", "style": "IPY_MODEL_a84f6854f92143b0bb0e3b29efd0886b", "value": "Downloading (…)files/wo_content.png: 100%" } }, "710c8a90d37341a28b015425b5fa4804": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_2c3c9a623e104f4a891722f0e79a2dcc", "max": 27602, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_1c76fe41246f43b68b78eb50bc6ed6d7", "value": 27602 } }, "68f57b2a01514f3c80d4695501204cdb": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_480687fdc6564357b2eb1fe72115f0bb", "placeholder": "​", "style": "IPY_MODEL_89642676db5b4797ae88c631df0d0be9", "value": " 27.6k/27.6k [00:00<00:00, 1.15MB/s]" } }, "d9c10fbb62f44978b7556aeaa1bf35e0": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "500ef02b67314d9b940eb8a5b8115ac4": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "a84f6854f92143b0bb0e3b29efd0886b": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "2c3c9a623e104f4a891722f0e79a2dcc": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "1c76fe41246f43b68b78eb50bc6ed6d7": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "480687fdc6564357b2eb1fe72115f0bb": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "89642676db5b4797ae88c631df0d0be9": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "d9305861f1a84231b5d39351d1364cf6": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_de5206aadf0b4156b9e4735f1c279abc", "IPY_MODEL_72514a622dbb40ebad2098e0a7bf7269", "IPY_MODEL_eec9f28f5e194d2abd06ab0c2fc69c23" ], "layout": "IPY_MODEL_09d3d07a5e7e47ad9e6c596207714410" } }, "de5206aadf0b4156b9e4735f1c279abc": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_3de594c910a346be9418012dbfe4de87", "placeholder": "​", "style": "IPY_MODEL_ba4966b053794d46a62bcb197ff20d00", "value": "Downloading (…)okenizer_config.json: 100%" } }, "72514a622dbb40ebad2098e0a7bf7269": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_37da27393ad0452e8d531b1641fc5ca9", "max": 463, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_8fc5d74c310d4d18a0112f5cca505450", "value": 463 } }, "eec9f28f5e194d2abd06ab0c2fc69c23": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_af7dd83639794992820349b20ea0faec", "placeholder": "​", "style": "IPY_MODEL_a313efc56b694b0c8d6128721d18e691", "value": " 463/463 [00:00<00:00, 13.2kB/s]" } }, "09d3d07a5e7e47ad9e6c596207714410": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "3de594c910a346be9418012dbfe4de87": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "ba4966b053794d46a62bcb197ff20d00": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "37da27393ad0452e8d531b1641fc5ca9": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "8fc5d74c310d4d18a0112f5cca505450": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "af7dd83639794992820349b20ea0faec": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "a313efc56b694b0c8d6128721d18e691": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "c4f4dcbbbbf14b9ebdfd97de737db243": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_8f6c40f1180d4b7e8fb29500473d6a0e", "IPY_MODEL_76a2de5974ca4fad8c49d444ebc987ff", "IPY_MODEL_0e3ffafbb6e84610b7d497423403de74" ], "layout": "IPY_MODEL_2412ea2e222e468fa615b98d674ec9b0" } }, "8f6c40f1180d4b7e8fb29500473d6a0e": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_dd979fa2aa594878951b2bf6276e007e", "placeholder": "​", "style": "IPY_MODEL_18cb13607f2a4518af1bb73f83b50ebc", "value": "Downloading tokenizer.json: 100%" } }, "76a2de5974ca4fad8c49d444ebc987ff": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_9856ab64996d47adb9f827a4de92d90b", "max": 17082660, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_23d4dff341454e1180d49cedaace502f", "value": 17082660 } }, "0e3ffafbb6e84610b7d497423403de74": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_8dfba795c35c4a0da8270ee30e5428fa", "placeholder": "​", "style": "IPY_MODEL_8ea9d4173d4241208ba793f095c53990", "value": " 17.1M/17.1M [00:00<00:00, 27.4MB/s]" } }, "2412ea2e222e468fa615b98d674ec9b0": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "dd979fa2aa594878951b2bf6276e007e": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "18cb13607f2a4518af1bb73f83b50ebc": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "9856ab64996d47adb9f827a4de92d90b": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "23d4dff341454e1180d49cedaace502f": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "8dfba795c35c4a0da8270ee30e5428fa": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "8ea9d4173d4241208ba793f095c53990": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "8e3c36ec269845bdb5f23c5ca13a7356": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_96d57928d013491b858d79b6c8041c8f", "IPY_MODEL_ea48673b0c224efebffb0a2a7dd272b2", "IPY_MODEL_d859eb6d47a640b5975540f347df20c1" ], "layout": "IPY_MODEL_65b6198e131641378afcdf31344d8dfd" } }, "96d57928d013491b858d79b6c8041c8f": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_a4231dc3af4a4ffea7b8ccbfee0ffc61", "placeholder": "​", "style": "IPY_MODEL_de0316c1534840eebae775f5eba54566", "value": "Downloading (…)cial_tokens_map.json: 100%" } }, "ea48673b0c224efebffb0a2a7dd272b2": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_726dbe8a159a4ac998b04302e35d2d00", "max": 280, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_e5570b0abe7b4a5b9686214880f97778", "value": 280 } }, "d859eb6d47a640b5975540f347df20c1": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_399559dc22e9495abcf1fc62dd462e6b", "placeholder": "​", "style": "IPY_MODEL_6167ea0bea7e42a3a3dbddf7eac583e2", "value": " 280/280 [00:00<00:00, 8.97kB/s]" } }, "65b6198e131641378afcdf31344d8dfd": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "a4231dc3af4a4ffea7b8ccbfee0ffc61": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "de0316c1534840eebae775f5eba54566": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "726dbe8a159a4ac998b04302e35d2d00": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e5570b0abe7b4a5b9686214880f97778": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "399559dc22e9495abcf1fc62dd462e6b": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "6167ea0bea7e42a3a3dbddf7eac583e2": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "e70df93828a7455e87b89ef11f331aac": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_c2f3171dd3df438aad3c677c393fc0b6", "IPY_MODEL_59aaa4c352d34356a1193ceb2b0c1b89", "IPY_MODEL_d792d7fdcc504675b582a87d59bad780" ], "layout": "IPY_MODEL_5195736a905e4266b788b95118a24c81" } }, "c2f3171dd3df438aad3c677c393fc0b6": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_5f8843cb8f5d48aa9c5f6a14a2d6e70d", "placeholder": "​", "style": "IPY_MODEL_eaadfc33ade141bd8d0189c80f39caae", "value": "Downloading (…)lve/main/config.json: 100%" } }, "59aaa4c352d34356a1193ceb2b0c1b89": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_e90a065f1a9a489a9b960d6dc8858bc1", "max": 1266, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_ea741d85f83f47b6838c30b3d43d77e5", "value": 1266 } }, "d792d7fdcc504675b582a87d59bad780": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_75331d2b11dc4b579a1b1cb31a1306f6", "placeholder": "​", "style": "IPY_MODEL_caafc28e6a6743739adfd23baf7d008c", "value": " 1.27k/1.27k [00:00<00:00, 36.1kB/s]" } }, "5195736a905e4266b788b95118a24c81": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "5f8843cb8f5d48aa9c5f6a14a2d6e70d": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "eaadfc33ade141bd8d0189c80f39caae": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "e90a065f1a9a489a9b960d6dc8858bc1": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "ea741d85f83f47b6838c30b3d43d77e5": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "75331d2b11dc4b579a1b1cb31a1306f6": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "caafc28e6a6743739adfd23baf7d008c": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "8f892c06e4a94a3f913f69b4a1755276": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_01eb5c55497e4db4a52ac03e7b8c6dae", "IPY_MODEL_565627c79fb846d4aafa36278c69a79d", "IPY_MODEL_7ac4e584d02e4df39c0b438bf0fa0969" ], "layout": "IPY_MODEL_34c1281c24214d3f9a4ebcf208768e69" } }, "01eb5c55497e4db4a52ac03e7b8c6dae": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_994c578c9dd44897bdbf8b31d73a2fd3", "placeholder": "​", "style": "IPY_MODEL_fe4d18b9d8944298876e7841a1ed5638", "value": "Downloading pytorch_model.bin: 100%" } }, "565627c79fb846d4aafa36278c69a79d": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_33fbaa9edc84439f84006e319ef7fa37", "max": 1134425553, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_ef27cf398a274ad68e507d2bce9dfcf6", "value": 1134425553 } }, "7ac4e584d02e4df39c0b438bf0fa0969": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_1ab740608190456397667ed444fc074b", "placeholder": "​", "style": "IPY_MODEL_a2e61c517525417f88dc4af0ab41bb39", "value": " 1.13G/1.13G [00:13<00:00, 72.1MB/s]" } }, "34c1281c24214d3f9a4ebcf208768e69": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "994c578c9dd44897bdbf8b31d73a2fd3": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "fe4d18b9d8944298876e7841a1ed5638": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "33fbaa9edc84439f84006e319ef7fa37": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "ef27cf398a274ad68e507d2bce9dfcf6": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "1ab740608190456397667ed444fc074b": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "a2e61c517525417f88dc4af0ab41bb39": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "3566a9958b3c4f52943d3c273ea49be3": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_5a88b6d8fc454514b70d480b74631bef", "IPY_MODEL_8a1aff84ddce4ccc923dc546d15e596a", "IPY_MODEL_86238d738f6a4cf7875cc908e821a1f1" ], "layout": "IPY_MODEL_75efeca057494caa8ecc508af4daddfe" } }, "5a88b6d8fc454514b70d480b74631bef": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_75f000e92e1e4fd4af4fb3305c1c92cb", "placeholder": "​", "style": "IPY_MODEL_341708cd8fce4326b54c7e4f889e6ee1", "value": "Downloading (…)lve/main/config.json: 100%" } }, "8a1aff84ddce4ccc923dc546d15e596a": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_35c5d8bdfe47465b8772041ded07060a", "max": 3320, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_eae6ce711bd44148b72fc30c7dc2a2bd", "value": 3320 } }, "86238d738f6a4cf7875cc908e821a1f1": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_7779ffea43d14e5bb5a405258c9da36a", "placeholder": "​", "style": "IPY_MODEL_897073d0439a4fc386f22318ac88dd81", "value": " 3.32k/3.32k [00:00<00:00, 20.6kB/s]" } }, "75efeca057494caa8ecc508af4daddfe": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "75f000e92e1e4fd4af4fb3305c1c92cb": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "341708cd8fce4326b54c7e4f889e6ee1": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "35c5d8bdfe47465b8772041ded07060a": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "eae6ce711bd44148b72fc30c7dc2a2bd": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "7779ffea43d14e5bb5a405258c9da36a": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "897073d0439a4fc386f22318ac88dd81": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "50eb09d9649e439098d1bbaa36389448": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_770f8f8cda744d17b620ff0b43928c9e", "IPY_MODEL_07d6fe0433f0464a943057f5e1169930", "IPY_MODEL_2232ab56596a4f6dbfbbb36c63fb3296" ], "layout": "IPY_MODEL_80b3badca2c94c26940380f25d3c3883" } }, "770f8f8cda744d17b620ff0b43928c9e": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_26c4fe53f6804a5e8b1edb38aae296ca", "placeholder": "​", "style": "IPY_MODEL_5b31c082fc9546ec9fa3f146cb54df30", "value": "Downloading pytorch_model.bin: 100%" } }, "07d6fe0433f0464a943057f5e1169930": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_37d6e0f0c60b4364ae7d679ddc5c9747", "max": 1476527911, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_e60ac21e72bb44029001ef8b3727d3aa", "value": 1476527911 } }, "2232ab56596a4f6dbfbbb36c63fb3296": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_e0c09170cae14306a860796e4941be0e", "placeholder": "​", "style": "IPY_MODEL_7caaa7ac2db949f1b57a1c15a6ae9160", "value": " 1.48G/1.48G [00:23<00:00, 69.2MB/s]" } }, "80b3badca2c94c26940380f25d3c3883": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "26c4fe53f6804a5e8b1edb38aae296ca": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "5b31c082fc9546ec9fa3f146cb54df30": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "37d6e0f0c60b4364ae7d679ddc5c9747": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e60ac21e72bb44029001ef8b3727d3aa": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "e0c09170cae14306a860796e4941be0e": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "7caaa7ac2db949f1b57a1c15a6ae9160": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "6d3f8ca8693f4838a26c8312d93a13bd": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_63aa6a89e17c4f3a87eac5a0472c5524", "IPY_MODEL_e203293c17e843ffa9dbf48fa833c3a7", "IPY_MODEL_018db48c14574863b033763c6cea8dff" ], "layout": "IPY_MODEL_694e07a7ce0e425aaac696b9fed7aec2" } }, "63aa6a89e17c4f3a87eac5a0472c5524": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_c664d1a7340f409485b6d4910885f930", "placeholder": "​", "style": "IPY_MODEL_da0615426161451da16cebfc472b6dd3", "value": "Downloading (…)lve/main/config.json: 100%" } }, "e203293c17e843ffa9dbf48fa833c3a7": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_8d8a1337600147c383743ebc4360ed7c", "max": 615, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_b03789df84084d0aa2b9a2be58aeea98", "value": 615 } }, "018db48c14574863b033763c6cea8dff": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_d357fedab6a14b2e965afbc94bbf4aeb", "placeholder": "​", "style": "IPY_MODEL_ec96d921f98b472e89a48b36119eb0e0", "value": " 615/615 [00:00<00:00, 7.43kB/s]" } }, "694e07a7ce0e425aaac696b9fed7aec2": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "c664d1a7340f409485b6d4910885f930": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "da0615426161451da16cebfc472b6dd3": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "8d8a1337600147c383743ebc4360ed7c": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "b03789df84084d0aa2b9a2be58aeea98": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "d357fedab6a14b2e965afbc94bbf4aeb": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "ec96d921f98b472e89a48b36119eb0e0": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "2a3239a9c31b40ba9e109e9518b892f2": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_12efd6aa5d65457d929d73e21d3f537b", "IPY_MODEL_6fe79735f00b4efa9954f025ab98d79b", "IPY_MODEL_d50b222fdd0b465fb273face8b24cd37" ], "layout": "IPY_MODEL_a59ded8fec004ffea54ca31e58332441" } }, "12efd6aa5d65457d929d73e21d3f537b": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_18e09c855d32421ca91cc3a6b1344c0e", "placeholder": "​", "style": "IPY_MODEL_9501af27e61542b1a579b408c5f1586c", "value": "Downloading (…)tencepiece.bpe.model: 100%" } }, "6fe79735f00b4efa9954f025ab98d79b": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_c3961f0b4242402fb9cd855920e88bb1", "max": 5069051, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_6163c0e354c54428aa99a488d4a10e17", "value": 5069051 } }, "d50b222fdd0b465fb273face8b24cd37": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_0a28d69e7adf4c8d89b4fd3797a35b4b", "placeholder": "​", "style": "IPY_MODEL_663cd80ed34c42b799fca1750a51d9e6", "value": " 5.07M/5.07M [00:00<00:00, 21.7MB/s]" } }, "a59ded8fec004ffea54ca31e58332441": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "18e09c855d32421ca91cc3a6b1344c0e": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "9501af27e61542b1a579b408c5f1586c": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "c3961f0b4242402fb9cd855920e88bb1": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "6163c0e354c54428aa99a488d4a10e17": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "0a28d69e7adf4c8d89b4fd3797a35b4b": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "663cd80ed34c42b799fca1750a51d9e6": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "604cb07d482d4788ab57d926a4afd754": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_fa633f3ea59f4f46b1334e659d358cb7", "IPY_MODEL_acf30fb14d554afe9e318d80dbf0e498", "IPY_MODEL_622d94dbfac5438c9e02691b3ef305e0" ], "layout": "IPY_MODEL_2644392fc2544c739a58c9688e184e55" } }, "fa633f3ea59f4f46b1334e659d358cb7": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_0cda17db6acc47a9bbd1c90272eff264", "placeholder": "​", "style": "IPY_MODEL_a66d20b94c094a0881d5f0370d5172ce", "value": "Downloading (…)/main/tokenizer.json: 100%" } }, "acf30fb14d554afe9e318d80dbf0e498": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_3ed31a90342a4994b26a7eb30210c370", "max": 9096718, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_e069fafd5dc346ab8f590f8f46ced733", "value": 9096718 } }, "622d94dbfac5438c9e02691b3ef305e0": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_65b3017294bb408eb64b8d9bdf0430c5", "placeholder": "​", "style": "IPY_MODEL_73e1f204b014411e855434c12f4377fd", "value": " 9.10M/9.10M [00:00<00:00, 39.5MB/s]" } }, "2644392fc2544c739a58c9688e184e55": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "0cda17db6acc47a9bbd1c90272eff264": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "a66d20b94c094a0881d5f0370d5172ce": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "3ed31a90342a4994b26a7eb30210c370": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e069fafd5dc346ab8f590f8f46ced733": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "65b3017294bb408eb64b8d9bdf0430c5": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "73e1f204b014411e855434c12f4377fd": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "a7d6b0b18135411b87f9eaa95d45ec5c": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_49ebe485ae214ecda0f7f635653c1bb0", "IPY_MODEL_0d2bcb64c260483280aeeead5ca5ae78", "IPY_MODEL_87f3353082d146e898693444149f1745" ], "layout": "IPY_MODEL_62dbf61c72e443eb81f47a85100694cf" } }, "49ebe485ae214ecda0f7f635653c1bb0": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_c154ee7c899d4109bb54441e9138a9c6", "placeholder": "​", "style": "IPY_MODEL_c45604f3811a4d9e9c9957a8d16e41e0", "value": "Map: 100%" } }, "0d2bcb64c260483280aeeead5ca5ae78": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_d88e375f61e14454bb388808968c7d14", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_2b64e69ba490456bb4128ed4854c5e28", "value": 2 } }, "87f3353082d146e898693444149f1745": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_84cd91eb49244257aa93beab616f3cde", "placeholder": "​", "style": "IPY_MODEL_4b6f81ac2a45464bb994ebb5f8fd9d22", "value": " 2/2 [00:00<00:00, 2.31 examples/s]" } }, "62dbf61c72e443eb81f47a85100694cf": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "c154ee7c899d4109bb54441e9138a9c6": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "c45604f3811a4d9e9c9957a8d16e41e0": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "d88e375f61e14454bb388808968c7d14": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "2b64e69ba490456bb4128ed4854c5e28": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "84cd91eb49244257aa93beab616f3cde": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "4b6f81ac2a45464bb994ebb5f8fd9d22": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "620ba4f8c2f54bae977f7c538ea55b78": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_721b7ae277f34da4b8e3abc5368e4a01", "IPY_MODEL_47b2025ffdb44c01a59673d748ad071e", "IPY_MODEL_d23587490022477fb6c86748b82b7bc6" ], "layout": "IPY_MODEL_aa0b9e82adf74f90944f6d611809aeea" } }, "721b7ae277f34da4b8e3abc5368e4a01": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_d22915eee1a44430b55bc2e12a230bca", "placeholder": "​", "style": "IPY_MODEL_d731c8c574e848759fa8aecfcc58e402", "value": "Map: 100%" } }, "47b2025ffdb44c01a59673d748ad071e": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_265afd0a2122444e9d4c3ceb3d6a6b9c", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_46cf1dea6b864089b298acecb9f1a816", "value": 2 } }, "d23587490022477fb6c86748b82b7bc6": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_149a00f46b604d22b2add90f622a31b4", "placeholder": "​", "style": "IPY_MODEL_dd0333e05aa942378111c2d09aab3fee", "value": " 2/2 [00:00<00:00, 2.41 examples/s]" } }, "aa0b9e82adf74f90944f6d611809aeea": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "d22915eee1a44430b55bc2e12a230bca": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "d731c8c574e848759fa8aecfcc58e402": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "265afd0a2122444e9d4c3ceb3d6a6b9c": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "46cf1dea6b864089b298acecb9f1a816": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "149a00f46b604d22b2add90f622a31b4": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "dd0333e05aa942378111c2d09aab3fee": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "490b7a117fd34ecba9dab6c4fba8a787": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_a7ef3ba338ba43f78888905677d3bc62", "IPY_MODEL_4025bf9d9fff4bd49ae00c0baaae6df1", "IPY_MODEL_67b15b1fcb81423c904cb40714d5528a" ], "layout": "IPY_MODEL_e4b462c1ab634f3e9b77ff334b628e24" } }, "a7ef3ba338ba43f78888905677d3bc62": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_f6bf8006d75e4900a87cff5c664ef63d", "placeholder": "​", "style": "IPY_MODEL_dc8952a6fc734142afe1c7d3d0320470", "value": "Filter: 100%" } }, "4025bf9d9fff4bd49ae00c0baaae6df1": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_207c6d5fbc45436fa4ce20d26d2d2707", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_fddd6cc9d2e94e7f9c5ad39bc7b5d5f9", "value": 2 } }, "67b15b1fcb81423c904cb40714d5528a": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_2d8eca56d36247c8b64c220ebbeedabf", "placeholder": "​", "style": "IPY_MODEL_bbbd99f244694f07a9c7253431076f18", "value": " 2/2 [00:00<00:00, 3.08 examples/s]" } }, "e4b462c1ab634f3e9b77ff334b628e24": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "f6bf8006d75e4900a87cff5c664ef63d": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "dc8952a6fc734142afe1c7d3d0320470": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "207c6d5fbc45436fa4ce20d26d2d2707": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "fddd6cc9d2e94e7f9c5ad39bc7b5d5f9": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "2d8eca56d36247c8b64c220ebbeedabf": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "bbbd99f244694f07a9c7253431076f18": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "ee523c0ed15945a3895b94ca4f7e1995": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_a2a2276de2734ce5a37a85f800de7745", "IPY_MODEL_2363dde39b0447a7834e339926c7af1b", "IPY_MODEL_3b520938aeea4e099212b896a73eb071" ], "layout": "IPY_MODEL_f3e3d022e0e6449f8b851b2d7a5dbc4d" } }, "a2a2276de2734ce5a37a85f800de7745": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_9cca634b111f4bc2a57a5f9ac59422cb", "placeholder": "​", "style": "IPY_MODEL_4be2a38d4d0d4d458e47bb1a041b678f", "value": "Filter: 100%" } }, "2363dde39b0447a7834e339926c7af1b": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_c64b2214bfba4c4abb067d57d340aad3", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_8680a67e177346599759fda58335600c", "value": 2 } }, "3b520938aeea4e099212b896a73eb071": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_e2c339d2c2c446b2a0bdf00d1887fae9", "placeholder": "​", "style": "IPY_MODEL_b7cf061119984d0e80e46a28739a1908", "value": " 2/2 [00:00<00:00, 2.75 examples/s]" } }, "f3e3d022e0e6449f8b851b2d7a5dbc4d": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "9cca634b111f4bc2a57a5f9ac59422cb": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "4be2a38d4d0d4d458e47bb1a041b678f": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "c64b2214bfba4c4abb067d57d340aad3": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "8680a67e177346599759fda58335600c": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "e2c339d2c2c446b2a0bdf00d1887fae9": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "b7cf061119984d0e80e46a28739a1908": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "19bc06d3b47849ada59408c8e3551ae9": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_3fc41adb8a134e4098e47441eb0cb890", "IPY_MODEL_2369b22d8c3241ed8e5207e5aa1d8e8f", "IPY_MODEL_7d31f592635f482db1f1eb9c432ffdf8" ], "layout": "IPY_MODEL_4d408ae4ff7b475988f98b37ae3a6dae" } }, "3fc41adb8a134e4098e47441eb0cb890": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_2cb90baf714a4876a4c898fadfbe462a", "placeholder": "​", "style": "IPY_MODEL_dbeff4cd1bf843f5a4d1e9eaef2c62b4", "value": "Filter: 100%" } }, "2369b22d8c3241ed8e5207e5aa1d8e8f": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_986995cd9f0a406e82f5116c380db476", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_b73ed95abc1d4bc9b729381f885d6272", "value": 2 } }, "7d31f592635f482db1f1eb9c432ffdf8": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_2d113117e17f4adba638eccceb8254ac", "placeholder": "​", "style": "IPY_MODEL_f3a5445a0e644365ab6109859342efd0", "value": " 2/2 [00:00<00:00, 3.18 examples/s]" } }, "4d408ae4ff7b475988f98b37ae3a6dae": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "2cb90baf714a4876a4c898fadfbe462a": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "dbeff4cd1bf843f5a4d1e9eaef2c62b4": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "986995cd9f0a406e82f5116c380db476": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "b73ed95abc1d4bc9b729381f885d6272": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "2d113117e17f4adba638eccceb8254ac": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "f3a5445a0e644365ab6109859342efd0": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "edbc44df8c494a938f2ac071849f37fc": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_f83f590b99184f6b82fab19058c47089", "IPY_MODEL_8ac180e0f4cb41178a3710419b54b588", "IPY_MODEL_dc7da30cb83f4e84b8f5d1fa87e4dd01" ], "layout": "IPY_MODEL_f3a08cb1db544d28b440ffcc8ae7fcdd" } }, "f83f590b99184f6b82fab19058c47089": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_7ba4a02f6c7b452999015d203763d090", "placeholder": "​", "style": "IPY_MODEL_f37db4a6f8144338b3b51ec36cdbad83", "value": "Filter: 100%" } }, "8ac180e0f4cb41178a3710419b54b588": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_9750569ecba84b0790a599596b278259", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_66db762cff004403bd540dd5ef200c5d", "value": 2 } }, "dc7da30cb83f4e84b8f5d1fa87e4dd01": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_bdac66ea4b284de2a5799bf3675207ac", "placeholder": "​", "style": "IPY_MODEL_52510713fcb34e088d719a2a49c806ca", "value": " 2/2 [00:00<00:00, 4.64 examples/s]" } }, "f3a08cb1db544d28b440ffcc8ae7fcdd": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "7ba4a02f6c7b452999015d203763d090": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "f37db4a6f8144338b3b51ec36cdbad83": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "9750569ecba84b0790a599596b278259": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "66db762cff004403bd540dd5ef200c5d": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "bdac66ea4b284de2a5799bf3675207ac": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "52510713fcb34e088d719a2a49c806ca": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "6060eff60db049d4820466fbfcd77aa3": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_8ad9eedd10414e6ea7cf01befc36a766", "IPY_MODEL_ce73c5e9ef9b4f5b936ba1e02ac3748f", "IPY_MODEL_0b05d0413c9044b8b250e8e2a8eaaa6d" ], "layout": "IPY_MODEL_cab65e1244ae4fc2bc5a01643c8cc9ba" } }, "8ad9eedd10414e6ea7cf01befc36a766": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_fc3c541e392b4bb2ac33758eafbcd1ef", "placeholder": "​", "style": "IPY_MODEL_2ed62244aa4849ca9c54544816a63b6b", "value": "Filter: 100%" } }, "ce73c5e9ef9b4f5b936ba1e02ac3748f": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_9ed070c92a7146219c78742d2ae96764", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_751bce1d817a4d7f9f210ea450fc0a23", "value": 2 } }, "0b05d0413c9044b8b250e8e2a8eaaa6d": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_3218b167c05b42ba8497adb615ef32b5", "placeholder": "​", "style": "IPY_MODEL_e336f3f3bc474a459ca56926fca8e120", "value": " 2/2 [00:00<00:00, 4.78 examples/s]" } }, "cab65e1244ae4fc2bc5a01643c8cc9ba": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "fc3c541e392b4bb2ac33758eafbcd1ef": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "2ed62244aa4849ca9c54544816a63b6b": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "9ed070c92a7146219c78742d2ae96764": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "751bce1d817a4d7f9f210ea450fc0a23": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "3218b167c05b42ba8497adb615ef32b5": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e336f3f3bc474a459ca56926fca8e120": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "05e4c1b9703a4734afcaa316894d77ce": { "model_module": "@jupyter-widgets/controls", "model_name": "HBoxModel", "model_module_version": "1.5.0", "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_71706cc79a7141e1b4e8e9b3c8b8f4c2", "IPY_MODEL_d4777dabbb444499ae444accb8add9eb", "IPY_MODEL_5e472e9629df4c5ca4913552e3d0ba5a" ], "layout": "IPY_MODEL_027a3491a2db4b38b879a807d5dc159e" } }, "71706cc79a7141e1b4e8e9b3c8b8f4c2": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_9f0036b006094937b20d9162ed3b5262", "placeholder": "​", "style": "IPY_MODEL_abc045347d61470b96675cc247a03f32", "value": "Filter: 100%" } }, "d4777dabbb444499ae444accb8add9eb": { "model_module": "@jupyter-widgets/controls", "model_name": "FloatProgressModel", "model_module_version": "1.5.0", "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_587dad21107448af8ca4a92b15380d1c", "max": 2, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_e020ea18fac54dee8c942e6a5acddc6f", "value": 2 } }, "5e472e9629df4c5ca4913552e3d0ba5a": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "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_5e8483c6fbf645f29c45feb2d76e6f3d", "placeholder": "​", "style": "IPY_MODEL_35c129e7aa8842959858faab21ba0745", "value": " 2/2 [00:00<00:00, 4.57 examples/s]" } }, "027a3491a2db4b38b879a807d5dc159e": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "9f0036b006094937b20d9162ed3b5262": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "abc045347d61470b96675cc247a03f32": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } }, "587dad21107448af8ca4a92b15380d1c": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "e020ea18fac54dee8c942e6a5acddc6f": { "model_module": "@jupyter-widgets/controls", "model_name": "ProgressStyleModel", "model_module_version": "1.5.0", "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": "" } }, "5e8483c6fbf645f29c45feb2d76e6f3d": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": 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 } }, "35c129e7aa8842959858faab21ba0745": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "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": "" } } } } }, "nbformat": 4, "nbformat_minor": 0 }