diff --git a/docs/en/transformers.md b/docs/en/transformers.md index aabf942f35ef53..f73f644d3f3606 100644 --- a/docs/en/transformers.md +++ b/docs/en/transformers.md @@ -9,7 +9,7 @@ modify_date: "2023-06-18" use_language_switcher: "Python-Scala-Java" show_nav: true sidebar: - nav: sparknlp +nav: sparknlp --- @@ -17,10 +17,10 @@ sidebar: {% assign parent_path = "en/transformer_entries" %} {% for file in site.static_files %} - {% if file.path contains parent_path %} - {% assign file_name = file.path | remove: parent_path | remove: "/" | prepend: "transformer_entries/" %} - {% include_relative {{ file_name }} %} - {% endif %} +{% if file.path contains parent_path %} +{% assign file_name = file.path | remove: parent_path | remove: "/" | prepend: "transformer_entries/" %} +{% include_relative {{ file_name }} %} +{% endif %} {% endfor %}
@@ -29,7 +29,7 @@ sidebar: ### Overview -We have extended support for `HuggingFace` 🤗 and `TF Hub` exported models since `3.1.0` to equivalent Spark NLP 🚀 annotators. Starting this release, you can easily use the `saved_model` feature in HuggingFace within a few lines of codes and import any `BERT`, `DistilBERT`, `CamemBERT`, `RoBERTa`, `DeBERTa`, `XLM-RoBERTa`, `Longformer`, `BertForTokenClassification`, `DistilBertForTokenClassification`, `AlbertForTokenClassification`, `RoBertaForTokenClassification`, `DeBertaForTokenClassification`, `XlmRoBertaForTokenClassification`, `XlnetForTokenClassification`, `LongformerForTokenClassification`, `CamemBertForTokenClassification`, `CamemBertForSequenceClassification`, `CamemBertForQuestionAnswering`, `BertForSequenceClassification`, `DistilBertForSequenceClassification`, `AlbertForSequenceClassification`, `RoBertaForSequenceClassification`, `DeBertaForSequenceClassification`, `XlmRoBertaForSequenceClassification`, `XlnetForSequenceClassification`, `LongformerForSequenceClassification`, `AlbertForQuestionAnswering`, `BertForQuestionAnswering`, `DeBertaForQuestionAnswering`, `DistilBertForQuestionAnswering`, `LongformerForQuestionAnswering`, `RoBertaForQuestionAnswering`, `XlmRoBertaForQuestionAnswering`, `TapasForQuestionAnswering`, `Vision Transformers (ViT)`, `HubertForCTC`, `SwinForImageClassification`, and `ConvNextForImageClassification` models to Spark NLP. We will work on the remaining annotators and extend this support to the rest with each release 😊 +We have extended support for `HuggingFace` 🤗 and `TF Hub` exported models since `3.1.0` to equivalent Spark NLP 🚀 annotators. Starting this release, you can easily use the `saved_model` feature in HuggingFace within a few lines of codes and import any `BERT`, `DistilBERT`, `CamemBERT`, `RoBERTa`, `DeBERTa`, `XLM-RoBERTa`, `Longformer`, `BertForTokenClassification`, `DistilBertForTokenClassification`, `AlbertForTokenClassification`, `RoBertaForTokenClassification`, `DeBertaForTokenClassification`, `XlmRoBertaForTokenClassification`, `XlnetForTokenClassification`, `LongformerForTokenClassification`, `CamemBertForTokenClassification`, `CamemBertForSequenceClassification`, `CamemBertForQuestionAnswering`, `BertForSequenceClassification`, `DistilBertForSequenceClassification`, `AlbertForSequenceClassification`, `RoBertaForSequenceClassification`, `DeBertaForSequenceClassification`, `XlmRoBertaForSequenceClassification`, `XlnetForSequenceClassification`, `LongformerForSequenceClassification`, `AlbertForQuestionAnswering`, `BertForQuestionAnswering`, `DeBertaForQuestionAnswering`, `DistilBertForQuestionAnswering`, `LongformerForQuestionAnswering`, `RoBertaForQuestionAnswering`, `XlmRoBertaForQuestionAnswering`, `TapasForQuestionAnswering`, `Vision Transformers (ViT)`, `HubertForCTC`, `SwinForImageClassification`, and `ConvNextForImageClassification` models to Spark NLP. We will work on the remaining annotators and extend this support to the rest with each release 😊
@@ -161,7 +161,7 @@ We have extended support for `HuggingFace` 🤗 and `TF Hub` exported models s | BertForTokenClassification | [HuggingFace in Spark NLP - BertForTokenClassification](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BertForTokenClassification.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BertForTokenClassification.ipynb) | | BertForZeroShotClassification | [HuggingFace in Spark NLP - BertForZeroShotClassification](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BertForSequenceClassification.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BertForZeroShotClassification.ipynb) | | BertSentenceEmbeddings | [HuggingFace in Spark NLP - BERT Sentence](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BERT%20Sentence.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BERT%20Sentence.ipynb) | -| BERTSentenceEmbeddings | [HuggingFace in Spark NLP - BERT Sentence](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BERT%20Sentence.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20BERT%20Sentence.ipynb) | +| BertSentenceEmbeddings - Fine Tuned | [Fine Tuned Sentence Bert in Spark NLP](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/Fine_Tuned_Sentence_Bert_in_Spark_NLP.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/Fine_Tuned_Sentence_Bert_in_Spark_NLP.ipynb) | | CamemBertEmbeddings | [HuggingFace in Spark NLP - CamemBERT](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20CamemBERT.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20CamemBERT.ipynb) | | CamemBertForQuestionAnswering | [HuggingFace in Spark NLP - CamemBertForQuestionAnswering](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20CamemBertForSequenceClassification.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20CamemBertForQuestionAnswering.ipynb) | | CamemBertForSequenceClassification | [HuggingFace in Spark NLP - CamemBertForSequenceClassification](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20CamemBertForSequenceClassification.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/HuggingFace%20in%20Spark%20NLP%20-%20CamemBertForSequenceClassification.ipynb) | @@ -199,9 +199,9 @@ We have extended support for `HuggingFace` 🤗 and `TF Hub` exported models s #### TF Hub to Spark NLP | Spark NLP | TF Hub Notebooks | Colab | -|:-----------------------|:----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------|:-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------| +| :--------------------- | :-------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | :--------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------- | | AlbertEmbeddings | [TF Hub in Spark NLP - ALBERT](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/TF%20Hub%20in%20Spark%20NLP%20-%20ALBERT.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/TF%20Hub%20in%20Spark%20NLP%20-%20ALBERT.ipynb) | | BertEmbeddings | [TF Hub in Spark NLP - BERT](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/TF%20Hub%20in%20Spark%20NLP%20-%20BERT.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/TF%20Hub%20in%20Spark%20NLP%20-%20BERT.ipynb) | | BertSentenceEmbeddings | [TF Hub in Spark NLP - BERT Sentence](https://github.com/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/TF%20Hub%20in%20Spark%20NLP%20-%20BERT%20Sentence.ipynb) | [![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/TF%20Hub%20in%20Spark%20NLP%20-%20BERT%20Sentence.ipynb) | -
\ No newline at end of file + diff --git a/examples/python/transformers/Fine_Tuned_Sentence_Bert_in_Spark_NLP.ipynb b/examples/python/transformers/Fine_Tuned_Sentence_Bert_in_Spark_NLP.ipynb new file mode 100644 index 00000000000000..047d5b4869033b --- /dev/null +++ b/examples/python/transformers/Fine_Tuned_Sentence_Bert_in_Spark_NLP.ipynb @@ -0,0 +1,7121 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "![JohnSnowLabs](https://sparknlp.org/assets/images/logo.png)\n", + "\n", + "[![Open In Colab](https://colab.research.google.com/assets/colab-badge.svg)](https://colab.research.google.com/github/JohnSnowLabs/spark-nlp/blob/master/examples/python/transformers/Fine_Tuned_Sentence_Bert_in_Spark_NLP.ipynb)\n", + "\n", + "# Exporting Fine Tuned Sentence-BERT Models and Importing them into Spark NLP 🚀\n", + "\n", + "This notebook will go through the steps of exporting a fine tuned bert model to generate sentence embeddings. First, let's install the dependencies we need." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Installing PySpark 3.2.3 and Spark NLP 5.2.3\n", + "setup Colab for PySpark 3.2.3 and Spark NLP 5.2.3\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m281.5/281.5 MB\u001b[0m \u001b[31m2.1 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[32m547.6/547.6 kB\u001b[0m \u001b[31m28.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m199.7/199.7 kB\u001b[0m \u001b[31m16.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25h Building wheel for pyspark (setup.py) ... \u001b[?25l\u001b[?25hdone\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m7.2/7.2 MB\u001b[0m \u001b[31m10.1 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m588.3/588.3 MB\u001b[0m \u001b[31m2.5 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m7.8/7.8 MB\u001b[0m \u001b[31m51.7 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.7/1.7 MB\u001b[0m \u001b[31m69.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m1.1/1.1 MB\u001b[0m \u001b[31m48.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m6.0/6.0 MB\u001b[0m \u001b[31m48.6 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m439.2/439.2 kB\u001b[0m \u001b[31m36.9 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m4.9/4.9 MB\u001b[0m \u001b[31m57.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m781.3/781.3 kB\u001b[0m \u001b[31m38.3 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25h\u001b[31mERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.\n", + "pandas-gbq 0.19.2 requires google-auth-oauthlib>=0.7.0, but you have google-auth-oauthlib 0.4.6 which is incompatible.\n", + "tensorflow-datasets 4.9.4 requires protobuf>=3.20, but you have protobuf 3.19.6 which is incompatible.\n", + "tensorflow-metadata 1.14.0 requires protobuf<4.21,>=3.20.3, but you have protobuf 3.19.6 which is incompatible.\u001b[0m\u001b[31m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m507.1/507.1 kB\u001b[0m \u001b[31m4.0 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m115.3/115.3 kB\u001b[0m \u001b[31m7.4 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[2K \u001b[90m━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━\u001b[0m \u001b[32m134.8/134.8 kB\u001b[0m \u001b[31m15.8 MB/s\u001b[0m eta \u001b[36m0:00:00\u001b[0m\n", + "\u001b[?25h" + ] + } + ], + "source": [ + "!wget -q http://setup.johnsnowlabs.com/colab.sh -O - | bash\n", + "\n", + "!pip install -q transformers==4.30.0 tensorflow==2.11.0\n", + "!pip install -q datasets" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from transformers import AutoTokenizer, TFAutoModelForMaskedLM\n", + "from transformers import TFBertModel, BertTokenizer, TFBertForMaskedLM\n", + "import tensorflow as tf" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "OUTPUT_PATH = \"/content/sbert_tf\"\n", + "! mkdir -p $OUTPUT_PATH" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Exporting original models\n", + "\n", + "We first export the original model and import it into Spark NLP. We will use it later, to compare it to the fine-tuned one." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:88: UserWarning: \n", + "The secret `HF_TOKEN` does not exist in your Colab secrets.\n", + "To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n", + "You will be able to reuse this secret in all of your notebooks.\n", + "Please note that authentication is recommended but still optional to access public models or datasets.\n", + " warnings.warn(\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "b12a60f7e4b74b5ba4a4d6592f33a10e", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "vocab.txt: 0%| | 0.00/213k [00:00\n", + "

SparkSession - in-memory

\n", + " \n", + "
\n", + "

SparkContext

\n", + "\n", + "

Spark UI

\n", + "\n", + "
\n", + "
Version
\n", + "
v3.2.3
\n", + "
Master
\n", + "
local[*]
\n", + "
AppName
\n", + "
Spark NLP
\n", + "
\n", + "
\n", + " \n", + " \n", + " " + ], + "text/plain": [ + "" + ] + }, + "execution_count": null, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import sparknlp\n", + "\n", + "from sparknlp.annotator import *\n", + "from pyspark.ml import Pipeline\n", + "from pyspark.sql import functions as F\n", + "\n", + "spark = sparknlp.start()\n", + "\n", + "spark" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sent_bert = (\n", + " BertSentenceEmbeddings.loadSavedModel(\n", + " \"{}/{}/saved_model/1\".format(OUTPUT_PATH, MODEL_NAME_w_sign), spark\n", + " )\n", + " .setInputCols(\"sentence\")\n", + " .setOutputCol(\"bert_sentence\")\n", + " .setCaseSensitive(True)\n", + " .setDimension(768)\n", + " .setStorageRef(\"sent_bert_base_cased\")\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sent_bert.write().overwrite().save(\"./{}_spark_nlp\".format(MODEL_NAME))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "document_assembler = DocumentAssembler().setInputCol(\"text\").setOutputCol(\"document\")\n", + "\n", + "sentence_detector = (\n", + " SentenceDetector().setInputCols([\"document\"]).setOutputCol(\"sentence\")\n", + ")\n", + "\n", + "embeddings = (\n", + " BertSentenceEmbeddings.load(\"./{}_spark_nlp\".format(MODEL_NAME))\n", + " .setInputCols(\"sentence\")\n", + " .setOutputCol(\"sentence_embeddings\")\n", + ")\n", + "\n", + "nlp_pipeline = Pipeline(stages=[document_assembler, sentence_detector, embeddings])\n", + "\n", + "text = [[\"I hate cancer\"], [\"Antibiotics aren't painkiller\"]]\n", + "\n", + "data = spark.createDataFrame(text).toDF(\"text\")\n", + "\n", + "result = nlp_pipeline.fit(data).transform(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-----------------------------+----------------------------------------------------------------------------------------------------+\n", + "| sentence| embeddings|\n", + "+-----------------------------+----------------------------------------------------------------------------------------------------+\n", + "| I hate cancer|[0.675583, 0.05248031, -0.2677794, -0.02619921, -0.068684764, -0.038617752, 0.29574826, 0.0209077...|\n", + "|Antibiotics aren't painkiller|[0.3458845, -0.06992405, 0.15711522, 0.36460966, -0.04376867, -0.21441574, -0.3123266, 0.00353415...|\n", + "+-----------------------------+----------------------------------------------------------------------------------------------------+\n", + "\n" + ] + } + ], + "source": [ + "result.select(\n", + " F.explode(\n", + " F.arrays_zip(result.sentence.result, result.sentence_embeddings.embeddings)\n", + " ).alias(\"cols\")\n", + ").select(\n", + " F.expr(\"cols['0']\").alias(\"sentence\"), F.expr(\"cols['1']\").alias(\"embeddings\")\n", + ").show(\n", + " truncate=100\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "Let's restart the session at this point, so we have some more RAM available." + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Training and Expoting custom fine-tuned models\n", + "\n", + "In this section, we will fine-tune a `bert-base-cased` on the `wikitext` data set. Additionally, to create sentence embeddings, we will need to create a pooling operation for the token embeddings.\n", + "\n", + "First, we load the pretrained model and the data set." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "/usr/local/lib/python3.10/dist-packages/huggingface_hub/utils/_token.py:88: UserWarning: \n", + "The secret `HF_TOKEN` does not exist in your Colab secrets.\n", + "To authenticate with the Hugging Face Hub, create a token in your settings tab (https://huggingface.co/settings/tokens), set it as secret in your Google Colab and restart your session.\n", + "You will be able to reuse this secret in all of your notebooks.\n", + "Please note that authentication is recommended but still optional to access public models or datasets.\n", + " warnings.warn(\n", + "All PyTorch model weights were used when initializing TFBertForMaskedLM.\n", + "\n", + "All the weights of TFBertForMaskedLM were initialized from the PyTorch model.\n", + "If your task is similar to the task the model of the checkpoint was trained on, you can already use TFBertForMaskedLM for predictions without further training.\n" + ] + } + ], + "source": [ + "from transformers import AutoTokenizer, BertTokenizer, TFAutoModelForMaskedLM\n", + "\n", + "OUTPUT_PATH = \"/content/sbert_tf\"\n", + "\n", + "MODEL_NAME = \"bert-base-cased\"\n", + "# save tokenizer\n", + "tokenizer = BertTokenizer.from_pretrained(MODEL_NAME).save_pretrained(\n", + " \"{}/{}_tokenizer\".format(OUTPUT_PATH, MODEL_NAME)\n", + ")\n", + "# load tokenizer\n", + "tokenizer = BertTokenizer.from_pretrained(MODEL_NAME)\n", + "\n", + "model = TFAutoModelForMaskedLM.from_pretrained(MODEL_NAME, from_pt=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Data Set Pre-processing" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "1dee46f37c0e405abe70f3857ef0d92f", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Downloading readme: 0%| | 0.00/10.5k [00:00 512). Running this sequence through the model will result in indexing errors\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "3f8f0b308a8b43149580742caf225953", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Map (num_proc=4): 0%| | 0/36718 [00:00 512). Running this sequence through the model will result in indexing errors\n", + "Token indices sequence length is longer than the specified maximum sequence length for this model (529 > 512). Running this sequence through the model will result in indexing errors\n", + "Token indices sequence length is longer than the specified maximum sequence length for this model (686 > 512). Running this sequence through the model will result in indexing errors\n", + "Token indices sequence length is longer than the specified maximum sequence length for this model (528 > 512). Running this sequence through the model will result in indexing errors\n" + ] + }, + { + "data": { + "application/vnd.jupyter.widget-view+json": { + "model_id": "3ffcc7c42d334a0e8dd2373f28a05871", + "version_major": 2, + "version_minor": 0 + }, + "text/plain": [ + "Map (num_proc=4): 0%| | 0/3760 [00:00 and will run it as-is.\n", + "Cause: for/else statement not yet supported\n", + "To silence this warning, decorate the function with @tf.autograph.experimental.do_not_convert\n" + ] + }, + { + "name": "stdout", + "output_type": "stream", + "text": [ + "WARNING: AutoGraph could not transform and will run it as-is.\n", + "Cause: for/else statement not yet supported\n", + "To silence this warning, decorate the function with @tf.autograph.experimental.do_not_convert\n", + "10/10 [==============================] - 427s 32s/step - loss: 2.5135 - accuracy: 0.0826\n" + ] + }, + { + "data": { + "text/plain": [ + "" + ] + }, + "execution_count": null, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "model.fit(\n", + " train_set,\n", + " epochs=1,\n", + " steps_per_epoch=10,\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:absl:Found untraced functions such as embeddings_layer_call_fn, embeddings_layer_call_and_return_conditional_losses, encoder_layer_call_fn, encoder_layer_call_and_return_conditional_losses, predictions_layer_call_fn while saving (showing 5 of 424). These functions will not be directly callable after loading.\n" + ] + } + ], + "source": [ + "# to save in case there is a need for hf checkponts in the future\n", + "FINETUNED_MODEL_NAME = f\"{OUTPUT_PATH}/{MODEL_NAME}_fine-tuned\"\n", + "\n", + "\n", + "model.save_pretrained(FINETUNED_MODEL_NAME, saved_model=True)" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "We just save the fine-tuned model as a hf checkpoint. However, to import it to Spark NLP we need to modify the signature of the model. As previously mentioned, we create sentence embeddings by pooling the token embeddings. We define a new model signature, which includes the `mean_pooling` operation and save the custom model." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "def mean_pooling(token_embeddings, attention_mask):\n", + " input_mask_expanded = tf.cast(\n", + " tf.repeat(\n", + " tf.expand_dims(attention_mask, -1),\n", + " repeats=token_embeddings.shape[-1],\n", + " axis=-1,\n", + " ),\n", + " tf.float32,\n", + " )\n", + " return tf.reduce_sum(\n", + " token_embeddings * input_mask_expanded, axis=1\n", + " ) / tf.clip_by_value(\n", + " tf.reduce_sum(input_mask_expanded, axis=1),\n", + " clip_value_min=1e-9,\n", + " clip_value_max=4096,\n", + " )\n", + "\n", + "\n", + "# Define TF Signature\n", + "@tf.function(\n", + " input_signature=[\n", + " {\n", + " \"input_ids\": tf.TensorSpec((None, None), tf.int32, name=\"input_ids\"),\n", + " \"attention_mask\": tf.TensorSpec(\n", + " (None, None), tf.int32, name=\"attention_mask\"\n", + " ),\n", + " \"token_type_ids\": tf.TensorSpec(\n", + " (None, None), tf.int32, name=\"token_type_ids\"\n", + " ),\n", + " }\n", + " ]\n", + ")\n", + "def serving_fn(input):\n", + " outputs = model(input, output_hidden_states=True)\n", + " # compute sentence embedding by averaging token embeddings\n", + " pooler_output = mean_pooling(outputs.hidden_states[-1], input[\"attention_mask\"])\n", + " # compute sentence embedding by taking the built in pooler output,\n", + " # which currently is actually the CLS embedding. This doesn't work well,\n", + " # so avoid using it\n", + " # pooled_output = outputs.pooler_output\n", + " return {\"pooler_output\": pooler_output}" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stderr", + "output_type": "stream", + "text": [ + "WARNING:absl:Found untraced functions such as embeddings_layer_call_fn, embeddings_layer_call_and_return_conditional_losses, encoder_layer_call_fn, encoder_layer_call_and_return_conditional_losses, predictions_layer_call_fn while saving (showing 5 of 424). These functions will not be directly callable after loading.\n" + ] + } + ], + "source": [ + "# Save model to local directory\n", + "\n", + "model.save_pretrained(\n", + " \"{}_w_sign\".format(FINETUNED_MODEL_NAME),\n", + " saved_model=True,\n", + " signatures={\"serving_default\": serving_fn},\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "FINETUNED_MODEL_NAME_w_sign = f\"{FINETUNED_MODEL_NAME}_w_sign\"\n", + "\n", + "!cp {OUTPUT_PATH}/{MODEL_NAME}_tokenizer/vocab.txt {FINETUNED_MODEL_NAME_w_sign}/saved_model/1/assets" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Importing the model into Spark NLP\n", + "\n", + "It's best to restart the runtime again here, so we don't go over the RAM limit." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "Warning::Spark Session already created, some configs may not take.\n" + ] + }, + { + "data": { + "text/html": [ + "\n", + "
\n", + "

SparkSession - in-memory

\n", + " \n", + "
\n", + "

SparkContext

\n", + "\n", + "

Spark UI

\n", + "\n", + "
\n", + "
Version
\n", + "
v3.2.3
\n", + "
Master
\n", + "
local[*]
\n", + "
AppName
\n", + "
Spark NLP
\n", + "
\n", + "
\n", + " \n", + "
\n", + " " + ], + "text/plain": [ + "" + ] + }, + "execution_count": null, + "metadata": {}, + "output_type": "execute_result" + } + ], + "source": [ + "import sparknlp\n", + "\n", + "from sparknlp.annotator import *\n", + "from pyspark.ml import Pipeline\n", + "from pyspark.sql import functions as F\n", + "\n", + "spark = sparknlp.start()\n", + "\n", + "spark" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "OUTPUT_PATH = \"/content/sbert_tf\"\n", + "MODEL_NAME = \"bert-base-cased\"\n", + "FINETUNED_MODEL_NAME = f\"{OUTPUT_PATH}/{MODEL_NAME}_fine-tuned\"\n", + "\n", + "sent_bert = (\n", + " BertSentenceEmbeddings.loadSavedModel(\n", + " f\"{FINETUNED_MODEL_NAME}_w_sign/saved_model/1\", spark\n", + " )\n", + " .setInputCols(\"sentence\")\n", + " .setOutputCol(\"bert_sentence\")\n", + " .setCaseSensitive(True)\n", + " .setDimension(768)\n", + " .setStorageRef(\"sent_bert_base_cased\")\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "sent_bert.write().overwrite().save(\"./{}_fine-tuned_spark_nlp\".format(MODEL_NAME))" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "document_assembler = DocumentAssembler().setInputCol(\"text\").setOutputCol(\"document\")\n", + "\n", + "sentence_detector = (\n", + " SentenceDetector().setInputCols([\"document\"]).setOutputCol(\"sentence\")\n", + ")\n", + "\n", + "embeddings = (\n", + " BertSentenceEmbeddings.load(\"./{}_fine-tuned_spark_nlp\".format(MODEL_NAME))\n", + " .setInputCols(\"sentence\")\n", + " .setOutputCol(\"sentence_embeddings\")\n", + ")\n", + "\n", + "nlp_pipeline = Pipeline(stages=[document_assembler, sentence_detector, embeddings])\n", + "\n", + "text = [[\"I hate cancer\"], [\"Antibiotics aren't painkiller\"]]\n", + "\n", + "data = spark.createDataFrame(text).toDF(\"text\")\n", + "\n", + "result = nlp_pipeline.fit(data).transform(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-----------------------------+----------------------------------------------------------------------------------------------------+\n", + "| sentence| embeddings|\n", + "+-----------------------------+----------------------------------------------------------------------------------------------------+\n", + "| I hate cancer|[0.6494873, 0.073490426, -0.29895884, -0.009830964, -0.09348484, -0.039925538, 0.3101672, 0.02736...|\n", + "|Antibiotics aren't painkiller|[0.28350386, -0.09607246, 0.11028457, 0.36982596, -0.1297523, -0.2121249, -0.3344884, 0.008855367...|\n", + "+-----------------------------+----------------------------------------------------------------------------------------------------+\n", + "\n" + ] + } + ], + "source": [ + "result.select(\n", + " F.explode(\n", + " F.arrays_zip(result.sentence.result, result.sentence_embeddings.embeddings)\n", + " ).alias(\"cols\")\n", + ").select(\n", + " F.expr(\"cols['0']\").alias(\"sentence\"), F.expr(\"cols['1']\").alias(\"embeddings\")\n", + ").show(\n", + " truncate=100\n", + ")" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Inference: Comparing the fine-tuned and the orginal model\n", + "\n", + "We can now compare the embeddings, between the base model and the fine-tuned model. For this we can use the cosine similarity as a measure." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "document_assembler = DocumentAssembler().setInputCol(\"text\").setOutputCol(\"document\")\n", + "\n", + "sentence_detector = (\n", + " SentenceDetector().setInputCols([\"document\"]).setOutputCol(\"sentence\")\n", + ")\n", + "\n", + "embeddings_fine_tuned = (\n", + " BertSentenceEmbeddings.load(\"./{}_fine-tuned_spark_nlp\".format(MODEL_NAME))\n", + " .setInputCols(\"sentence\")\n", + " .setOutputCol(\"sentence_embeddings_finetuned\")\n", + ")\n", + "\n", + "embeddings_original = (\n", + " BertSentenceEmbeddings.load(\"./{}_spark_nlp\".format(MODEL_NAME))\n", + " .setInputCols(\"sentence\")\n", + " .setOutputCol(\"sentence_embeddings_original\")\n", + ")\n", + "\n", + "\n", + "nlp_pipeline = Pipeline(\n", + " stages=[\n", + " document_assembler,\n", + " sentence_detector,\n", + " embeddings_fine_tuned,\n", + " embeddings_original,\n", + " ]\n", + ")" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "from pyspark.sql.functions import monotonically_increasing_id\n", + "\n", + "text = [[\"I hate cancer\"], [\"Antibiotics aren't painkiller\"]]\n", + "\n", + "data = spark.createDataFrame(text).toDF(\"text\")\n", + "\n", + "data = data.coalesce(1).withColumn(\"index\", monotonically_increasing_id())\n", + "\n", + "result = nlp_pipeline.fit(data).transform(data)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-----+-----------------------------+--------------------------------------------------+--------------------------------------------------+\n", + "|index| sentence| sentence_embeddings_finetuned| sentence_embeddings_original|\n", + "+-----+-----------------------------+--------------------------------------------------+--------------------------------------------------+\n", + "| 0| I hate cancer|[0.6494875, 0.07349018, -0.29895863, -0.0098310...|[0.67558324, 0.052480347, -0.2677792, -0.026199...|\n", + "| 1|Antibiotics aren't painkiller|[0.28350395, -0.096072316, 0.11028453, 0.369825...|[0.34588462, -0.06992395, 0.15711544, 0.3646099...|\n", + "+-----+-----------------------------+--------------------------------------------------+--------------------------------------------------+\n", + "\n" + ] + } + ], + "source": [ + "import pyspark.sql.functions as F\n", + "\n", + "df = result.select(\n", + " \"index\",\n", + " F.explode(\n", + " F.arrays_zip(\n", + " result.sentence.result,\n", + " result.sentence_embeddings_finetuned.embeddings,\n", + " result.sentence_embeddings_original.embeddings,\n", + " )\n", + " ).alias(\"cols\"),\n", + ").select(\n", + " \"index\",\n", + " F.expr(\"cols['0']\").alias(\"sentence\"),\n", + " F.expr(\"cols['1']\").alias(\"sentence_embeddings_finetuned\"),\n", + " F.expr(\"cols['2']\").alias(\"sentence_embeddings_original\"),\n", + ")\n", + "df.show(truncate=50)" + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [ + { + "name": "stdout", + "output_type": "stream", + "text": [ + "+-------------+---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|sentence |sentence_embeddings_original |\n", + "+-------------+---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|I hate cancer|[0.67558324, 0.052480347, -0.2677792, -0.026199222, -0.0686846, -0.03861774, 0.29574794, 0.02090778, 0.2397081, -0.8842683, 0.2086796, 0.45777363, -0.2844552, 0.32825053, -0.8087675, 0.07840201, -0.10437469, 0.59855855, 0.2985413, 0.16562526, 0.15523097, 0.1621953, 0.15382598, -0.26807594, 0.13527563, -0.080688015, 0.56401426, 0.6133276, -0.28981248, 0.20128974, 0.2895462, -3.5020112E-4, -0.03259187, 0.30807486, -0.38619968, 0.021715393, -0.2763726, -0.14539608, -0.18481253, -0.15936127, -0.28518137, 0.047853373, 0.64794004, -0.2561886, 0.26201198, -0.2540049, -0.26061612, 0.102657095, -0.5721179, 0.09564935, 0.0053400113, -0.3423562, 0.08338155, 0.1554383, 0.33479747, -0.12064157, -0.4952808, 0.18489511, -0.48605546, 0.18152533, -0.13310246, -0.09355955, 0.46414432, 0.03483261, -0.32441312, 0.093772724, 0.18530712, -0.11479372, -0.19833173, -0.106865644, 0.0043842793, 0.2347014, 0.25414702, 0.18336138, 0.07742501, -0.42139477, 0.21043329, -0.11350949, -0.30672258, 0.13877389, 0.17093714, 0.39342555, -0.20941186, 0.13518026, 0.16289786, -0.10185562, 0.019402122, -0.047768693, 0.07687427, 0.12765183, 0.2103517, -0.17983988, -0.010509169, -0.006571072, 0.116298094, 0.16937272, -0.11532684, 0.018838674, 2.5090404, -0.3630601, 0.017517883, -0.17877923, 0.35890108, -0.16302873, 0.39518988, -0.34914494, 0.2912453, -0.45684123, 0.0078918515, 0.76571244, 0.17434078, 0.06251142, -0.06843357, -0.08652468, -0.2194983, 0.017103756, 0.23536822, 0.102602564, 0.26989025, -0.61786777, -0.057271898, -0.037407428, 0.12628469, 0.0629453, 0.042867135, -0.1477638, -0.37923473, -0.45544586, 0.49431357, -0.12401235, -0.3731883, -0.40557766, 0.49894533, 0.16103289, 0.029122507, 0.007143104, -0.14481911, 0.29388162, -1.8486564, -0.007775134, 0.009718788, -0.3886687, 0.20885396, -0.014074373, -0.10058989, 1.4118494, -0.13978407, -0.07243107, 0.008208692, 0.17158744, -0.19888851, -0.24428003, -0.040878244, 0.1067669, -0.008036792, 0.12053027, 0.15851377, -0.2420731, 0.32590824, 0.008078657, -1.1375, 0.25190067, -0.41830778, 0.32941976, 0.19807938, -0.27795544, 0.44175282, -0.1605024, 0.090607785, 0.7770534, 0.22279482, -0.2526179, -1.2442507, 0.36967188, 0.038212467, 0.32413226, -0.113097146, 0.029418122, -0.23570208, -0.28942475, 0.21071883, 0.041327894, -0.06177919, 0.016170371, -0.31602812, -0.095093444, 0.13628937, 0.040933, 0.57023567, 0.33781117, 0.03898716, -0.38202518, -0.26769805, 0.13441314, -0.0048344135, -0.37791783, -0.11489339, 0.06914393, 0.23781785, 0.41432792, -0.13036755, 0.3332026, -0.5064079, 0.15663132, 0.22762378, -0.366705, -0.112529956, -0.100260876, -0.20600569, -0.63367194, -0.306572, 0.073342346, 0.11059306, 0.37243584, -0.14479598, -0.28574568, -0.22210082, 0.0652658, -0.07628034, 0.3133188, -0.31087708, 0.19490862, 0.20035799, 0.06714859, 0.1584101, 0.13950422, 0.4865097, 0.005280769, 0.26522115, -0.16974953, -0.07485852, 0.1507812, 0.1981967, -0.32554656, -0.41560513, 0.4637116, 0.116811, 0.044044726, -0.551405, -0.07953461, 0.035131656, 0.0033049851, 0.49131984, -0.44513488, 0.05090455, -0.051148903, 0.27446917, 0.1380625, 0.08548032, 0.32344905, 0.49250403, -0.069979884, -0.49301225, -0.09860195, 0.26922384, 0.34125322, -0.15111442, -0.66773987, -0.20483425, -0.15662368, -0.26476526, -0.9401392, 0.2646088, 0.0239018, -0.055916607, -0.08853723, 0.18237299, 0.15759972, -0.2588883, 0.26438397, -0.2681078, -0.41016045, -0.2690203, -0.12757304, -0.19934711, 0.2707292, 0.313142, -0.046111904, -0.187065, -0.42876357, 0.07707136, 0.33241358, -0.30405158, 0.43974262, -0.43136674, 0.1306932, 0.30135673, 0.39352435, -0.09143146, 1.7462595, 0.112929866, -0.26044044, -0.42607337, 0.16113184, 0.26751572, -0.2585391, -0.58170545, -0.11902313, -0.24317817, 0.30238757, 0.45986152, 0.07089648, -0.42054924, -0.055820655, -1.356378, -0.0050252257, 0.032992993, 0.6518973, -0.32079023, 0.29033703, 0.25124127, 0.32106167, -0.24397834, -0.18375175, -0.36047655, -0.4767552, -0.33489838, 0.040980745, -0.14397092, -0.5360844, 0.2868871, 0.38947338, -0.22572204, 0.10762687, -0.2153484, 0.13869138, -0.16935228, 0.1484457, -0.12666598, -0.36731857, 0.13380213, -0.07131033, -0.4949533, -0.20241928, 0.1161923, -0.46678704, 0.016437951, 0.27735007, 0.17955925, -0.0478334, 0.13552031, 0.22417898, 0.042060643, 0.2827224, 0.1189206, 0.17714141, 0.1776581, -0.25181824, -0.2920614, 0.07432228, -0.11240532, 0.17676151, -0.3566876, -0.12630633, 0.4456273, -0.09712754, -0.0512551, -0.31755143, -0.22211361, 0.22986904, -0.04526601, -1.1155641, 0.37675768, -0.013847155, -0.14927395, -0.27233163, -0.27388293, 0.4164773, 0.081609145, 0.32736605, 0.5454944, -0.004743734, 0.26245382, -0.039980035, -0.092876785, -0.0059064776, -0.05273507, 0.17724796, 0.15520547, -0.4979833, -0.15710546, 0.29323465, -0.30392545, -0.09187987, 0.3303799, 0.32305533, -0.3162022, -0.0012431502, 0.50534976, 0.21185438, 0.066152655, -0.13934603, -0.044294883, -0.41310316, -0.5506694, 0.10171239, -0.18778454, 0.1916082, 0.09451006, -0.25535303, -0.071693614, 0.036111332, -0.1543188, 0.064294815, -0.58269536, -0.2763899, -0.3360319, 0.33127075, -0.73125577, -0.225119, 0.3032197, -0.42246532, 0.019814694, 0.6331984, -0.10399512, -0.47527343, 0.4181544, 0.07607217, 0.21801558, 0.34477943, 0.17899424, -0.2762978, -0.04347526, -0.25208992, 0.013059879, 0.084631845, -0.08850305, -0.26504833, -0.040222537, 0.18297535, -0.09980806, 0.24598317, 0.20959564, -0.35236704, -0.14744647, -0.38877124, 0.02548408, -0.0463133, -0.1623525, 2.303168, -0.1103819, -0.118340015, -0.026638951, -0.26036364, -0.025672713, 0.032423615, 0.02836616, 0.48036903, 0.21535306, -0.11486056, -0.05901745, 0.10710051, 0.19751737, -0.29278073, 0.50573766, -0.06366999, 0.05299983, 0.0969024, -0.33553943, 0.36182767, -0.3130092, 0.34935173, -0.65921307, 0.6506124, 1.2489223, 0.028536826, -0.4429349, 0.38349003, -0.4831941, -0.2289995, -0.0060256696, 0.07099247, 0.5874793, 0.46778536, -0.1146404, 0.17098305, 0.102652766, -0.17709106, -0.31756452, 0.18613736, 0.29140654, 0.32537356, -0.04495599, 0.21953571, 0.5393853, 0.16656885, 0.05784608, 0.14654972, -0.026010329, 0.016050177, 0.42972097, 0.44164747, -0.39783776, 0.23381498, 0.045045786, 0.30645257, -0.11611555, -0.73284054, -0.17852715, -0.26467592, -0.17789127, -0.40980428, -0.23135129, 0.1591498, -0.32919627, 0.29509932, -0.05275274, -0.32152823, -0.12771234, -0.5818121, 0.11691056, -0.7241863, -0.22257908, -0.20723276, 0.14187917, -0.1558526, 0.33145842, -0.18613474, 0.2853791, -0.04915347, -0.015523669, 0.042371206, -0.6039133, -0.18744566, 0.19734481, -0.29705837, -0.15472002, -0.030478287, 0.2729903, 0.11030878, -0.8819436, -0.4076727, -0.18962575, -0.11295775, 0.53779954, 0.03332003, 0.058567256, -0.16613325, 0.14874285, 0.34045035, 0.09350546, 0.44017315, 0.37915063, -0.17777285, -0.18722183, 0.2315791, -0.041314203, -0.0040933965, -0.06930042, 0.05943072, 0.42765656, 0.39286834, -0.76565135, 0.0815531, 0.39868748, 0.14928119, -0.5395226, -6.40376, 0.24468116, 0.052518554, 0.33911854, -0.02993806, 0.04747405, 0.23067954, 0.32136372, 0.49686295, 0.5481283, -0.277783, -0.2058949, -1.3718351, 0.29750243, -0.17004274, -0.06948058, -0.23509559, 0.0037375211, 0.22674577, 0.33863994, -0.17590219, 0.27942127, 0.29446313, 0.1833168, 0.25274774, 0.18647905, 0.029700577, -0.15225111, 0.15447095, -0.23868617, -0.048692346, 0.31284207, 0.46146846, 0.015781045, 0.538195, -0.42190886, -0.08100677, 0.086246595, 0.45258927, -0.44813412, -0.39880672, -0.193343, 0.2610696, 0.107641876, -0.34776488, -0.027953377, -0.8261455, -0.8167375, 0.14048666, -0.1269458, 1.3595912, 0.3228174, -0.038462687, -0.32406014, -0.11428316, 0.097800344, 0.17903645, 0.3435239, 0.40634316, -0.12722191, -0.057726324, 0.005010166, 0.13973768, -0.008438486, -0.25844926, -0.1482901, -0.7623725, -0.119146444, 0.10367565, 0.12219167, -0.48946515, -0.1501035, -0.090264864, 0.1626973, 0.07694515, 0.45407867, -0.3952086, -0.2869329, -0.20524895, 0.5002083, -0.16067, 0.10281934, 0.50852954, -0.14521393, 0.0020246387, -0.4400464, 0.11059134, 0.26092952, -0.05827722, -0.08730032, 0.022651155, -0.296728, -0.31635547, 0.285844, -0.12714338, 0.26240057, 0.004496517, 0.22116113, -0.09225924, 0.1661765, -0.25787228, -0.13189203, -0.11702833, -0.51474583, -0.08780402, 0.070390806, 1.2947894, -0.20194189, -0.3413614, -0.29467097, -0.06493881, 0.0872692, 0.41551512, 0.26944003, 0.9031636, 0.13768028, 0.4422911, 0.2243801, -0.43619823, 0.05982048, 0.12947728, -0.075776555, 0.47094947, -0.015110159, 0.026172195, 0.2805501, 0.06319295, -0.2713647, -0.099340856, -0.012200904, 0.29220042, -0.004663563, -0.32738528, -0.1767189, 0.4437862, -0.4686707, 0.06387839, -0.32547006, -0.025116343, 0.23536058, -0.503026, -0.020349497, -0.04449772, 0.29647714, 0.33878377, -0.2899344, 0.17407498, -0.60382724, -0.36717266, 0.26272136, -0.69636, 0.105162084, -0.12931927, -0.19061923, 0.17833726, 0.011911723, 0.46016198, 0.04708735, -0.32858053, 0.12181647, -0.13205221, -0.20224376, -0.49119872, -0.10359339, -0.23108888, 0.08473663, 0.0044996114, 0.21799938, -0.0027363778, -0.0030367612, 0.07015685, 0.039631628, 0.29677242, 0.0043392465, -0.47684464, 0.1521258, 0.44312772, -1.3391822E-4, -0.6782341, -0.021886652, -0.1577687, 0.059969366, -0.19793844, -0.30151376, 0.42560777, -0.16922359, -0.059313543, 0.052417826, -0.10246478, 1.018647, -0.24803737, -0.1079628, -0.392472, 0.24507728, -0.118019424, 0.1153311, -0.11198996, -0.08471643, 0.02950353, 0.9351245, 0.271534, -0.09686961, 0.22363868, -0.3794188, -0.14997359, 0.1293923, 0.55603933, 0.07569501, 0.14639537, 0.29195008, -0.0043659685]|\n", + "+-------------+---------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "\n", + "+-------------+-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|sentence |sentence_embeddings_finetuned |\n", + "+-------------+-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|I hate cancer|[0.6494875, 0.07349018, -0.29895863, -0.0098310355, -0.093484886, -0.039925724, 0.31016755, 0.027360627, 0.25367767, -0.82024413, 0.26214343, 0.5060626, -0.20067029, 0.24942374, -0.7769453, 0.15474384, -0.10619845, 0.5138793, 0.2682076, 0.2227278, 0.20481114, 0.16030173, 0.18728828, -0.27897507, 0.08718032, -0.12572356, 0.5450198, 0.5655343, -0.34196186, 0.26024643, 0.35329568, 0.048844658, -0.064373955, 0.30401936, -0.42670098, 0.016448181, -0.22151968, -0.13487008, -0.16174403, -0.119185686, -0.26847288, 0.03278958, 0.6338335, -0.20008345, 0.24862847, -0.21618132, -0.29563805, 0.09179535, -0.52377474, 0.107826516, 0.07714963, -0.31710255, 0.12507804, 0.17726773, 0.33542013, -0.14687893, -0.5093327, 0.19147861, -0.544392, 0.25080225, -0.15909405, -0.04208955, 0.4360408, -0.008046937, -0.32703337, 0.13063404, 0.16498165, -0.16292933, -0.19846907, -0.08703001, 0.07414059, 0.24527116, 0.24498126, 0.17641537, 0.07293941, -0.40224075, 0.24429663, -0.09809689, -0.2865056, 0.06052656, 0.15418576, 0.38630742, -0.21936055, 0.14211129, 0.19156371, -0.10894392, 0.008556695, -0.07627694, 0.08061196, 0.17215356, 0.2154078, -0.14632167, -0.045669775, -0.023062885, 0.105636336, 0.24500827, -0.15249778, 0.031046366, 2.4007077, -0.3539853, -0.034971915, -0.1435498, 0.35723552, -0.18842973, 0.40317068, -0.33561245, 0.2828094, -0.5010708, 0.07401576, 0.796379, 0.16029222, 0.04189939, -0.12309909, -0.11369707, -0.20455714, -0.031712793, 0.22080846, 0.18355565, 0.23017998, -0.572974, -0.10834283, -0.06556915, 0.11989192, 0.11304651, 0.04737369, -0.20470858, -0.3455298, -0.4699908, 0.51998866, -0.11544299, -0.35019022, -0.4517375, 0.4890396, 0.13805307, 0.02191683, 0.030144315, -0.110798225, 0.28355628, -1.848967, -0.03297835, 0.025404047, -0.4220043, 0.16124596, 0.011988426, -0.12193768, 1.3081033, -0.16829935, -0.075872526, 0.040518615, 0.1564839, -0.19558246, -0.26692638, 0.013109883, 0.124604665, -0.025490379, 0.14114156, 0.18677095, -0.18554136, 0.36200604, 0.0047442736, -1.1598296, 0.24144427, -0.35408753, 0.36966422, 0.21292853, -0.2848478, 0.40417212, -0.14001256, 0.15839832, 0.7799825, 0.22317874, -0.17719814, -1.2283036, 0.34025583, 0.023819173, 0.35775933, -0.060885668, 0.022675628, -0.22081523, -0.2367123, 0.21716698, 0.09654586, -0.097211115, -0.02061125, -0.36085507, -0.0988095, 0.18444303, 0.030813146, 0.51652044, 0.35828638, 0.05081101, -0.41599494, -0.22233014, 0.21328096, -0.031035688, -0.36458546, -0.13089284, 0.048643928, 0.24260068, 0.35301316, -0.104070544, 0.3230122, -0.5171822, 0.18241215, 0.24706264, -0.39441782, -0.048648108, -0.1023335, -0.2620758, -0.6044061, -0.35651913, 0.06714006, 0.15209433, 0.42111796, -0.15095583, -0.25489134, -0.22567256, 0.06312205, -0.036012977, 0.34197864, -0.28973746, 0.19232497, 0.15658344, 0.1134658, 0.15854414, 0.12839751, 0.45730838, -0.030241037, 0.2624359, -0.20365295, -0.039714504, 0.20398986, 0.23407812, -0.30734938, -0.42837495, 0.54449004, 0.13534972, 0.03944052, -0.56180257, -0.1045573, 0.009392965, -0.040912878, 0.49655518, -0.43917823, 0.04214608, -0.06940501, 0.28409016, 0.11982553, 0.066318445, 0.34110412, 0.48932713, -0.044936717, -0.5888183, -0.10908262, 0.24700482, 0.3164814, -0.20107377, -0.63660794, -0.17225829, -0.16755757, -0.27101898, -0.92868346, 0.26852208, 0.02575472, -0.032158285, -0.01705796, 0.10092231, 0.22396469, -0.20040183, 0.2490334, -0.2663521, -0.41195816, -0.24090374, -0.113200866, -0.20128362, 0.26922053, 0.29792637, -0.06756695, -0.19971102, -0.43690118, 0.060751993, 0.30554628, -0.3178079, 0.4297182, -0.43220657, 0.123916864, 0.34659567, 0.38781363, -0.104052365, 1.6360966, 0.09679296, -0.32001537, -0.39668623, 0.18281484, 0.2567634, -0.2706101, -0.54269004, -0.10305319, -0.22487621, 0.3089397, 0.41597486, 0.058771443, -0.3980698, -0.038258567, -1.3732755, 0.0078377845, 0.04647936, 0.6401124, -0.3392644, 0.3199463, 0.19441345, 0.30978385, -0.25558895, -0.21804526, -0.32095963, -0.48712388, -0.35592547, -0.015990755, -0.17807253, -0.47355956, 0.24298124, 0.40137854, -0.22463712, 0.09851026, -0.1825392, 0.10474889, -0.1364898, 0.1224051, -0.11697507, -0.4179533, 0.14083223, -0.09492952, -0.49558774, -0.2176939, 0.1099941, -0.47294313, 0.11492369, 0.28900224, 0.19041705, -0.017196953, 0.033600368, 0.22466335, 0.106219694, 0.30958527, 0.18818638, 0.12981054, 0.18454234, -0.24565065, -0.2747351, 0.027931612, -0.02539674, 0.18265286, -0.33467492, -0.11161353, 0.36354202, -0.12254369, -0.044567354, -0.30362582, -0.225966, 0.236052, -0.0046990365, -1.0969446, 0.3424018, -0.021684611, -0.18974678, -0.20410995, -0.32800788, 0.39167157, 0.029014653, 0.3351333, 0.5440202, -0.0034020126, 0.28200588, -0.014161492, -0.0197288, -0.021743601, -0.03211092, 0.17822854, 0.22855875, -0.5097785, -0.2683529, 0.26244444, -0.24238119, -0.092427, 0.3400538, 0.35268918, -0.3606013, -0.020662367, 0.51162004, 0.17562185, 0.035641667, -0.22815041, -0.06900928, -0.4349428, -0.5700203, 0.052109044, -0.17681172, 0.3098051, 0.115491964, -0.33029276, -0.050759174, -0.031214798, -0.17913489, 0.06318595, -0.5987303, -0.29816526, -0.28364044, 0.32544723, -0.6997284, -0.2299319, 0.2663454, -0.41656724, 0.010701224, 0.6266538, -0.10591553, -0.4925755, 0.5288649, 0.16152608, 0.2545529, 0.36254954, 0.16777167, -0.40824777, -0.08766588, -0.24572687, 0.01643982, 0.08045048, -0.03927561, -0.23381662, -0.0501483, 0.20666161, -0.13102397, 0.22037831, 0.19800264, -0.37429354, -0.15145342, -0.34204224, -0.02097808, -0.034068204, -0.12921703, 2.2097268, -0.19796434, -0.12462218, -0.07396223, -0.27682504, -0.023930306, 0.10897565, 0.060031272, 0.43649587, 0.27140638, -0.08755034, -0.1307466, 0.092448466, 0.23641948, -0.2957943, 0.5310348, -0.05258764, -0.024436569, 0.09710085, -0.34704512, 0.4089672, -0.30435252, 0.3560974, -0.7338174, 0.6112515, 1.2171835, 0.1304209, -0.4402144, 0.32867575, -0.52894866, -0.23023334, -0.03668441, 0.023695935, 0.53758246, 0.49161142, -0.12543897, 0.22908556, 0.080341674, -0.17817643, -0.27304068, 0.16229697, 0.33401984, 0.29937914, -0.029219072, 0.20097625, 0.55216885, 0.18568762, 0.10506678, 0.17348196, -0.032260887, 0.017267413, 0.44405136, 0.46529216, -0.40070122, 0.21156311, -0.013619751, 0.33565277, -0.17835179, -0.7973417, -0.15820691, -0.29584396, -0.1467007, -0.34476548, -0.27335048, 0.18675601, -0.42796117, 0.33313265, -0.044519413, -0.3517537, -0.15830821, -0.6198174, 0.13991429, -0.7668292, -0.1806079, -0.17838344, 0.138857, -0.19024858, 0.31329635, -0.22093931, 0.3132149, -0.06725334, -0.008460504, 0.010996917, -0.62284535, -0.15257695, 0.20563073, -0.32532674, -0.19704656, -0.002972287, 0.26861072, 0.10932221, -0.9324125, -0.3909804, -0.2135057, -0.054534454, 0.53853834, 0.07594583, 0.054240108, -0.14210533, 0.19234025, 0.3357226, 0.13300732, 0.48151416, 0.3401007, -0.20027116, -0.22239485, 0.27548346, 0.020710785, -0.0057541253, -0.05495199, 0.08946331, 0.43012792, 0.43337345, -0.81633556, 0.074635915, 0.42007035, 0.10100641, -0.561038, -6.672705, 0.31630373, 0.044178076, 0.34754285, -0.027590757, 0.05165655, 0.33704475, 0.38695574, 0.490108, 0.5781582, -0.25784594, -0.21235856, -1.3765614, 0.20104799, -0.15149282, -0.08562898, -0.25334084, -0.015733158, 0.2258244, 0.3191106, -0.15877566, 0.30627316, 0.36572933, 0.17963001, 0.26089916, 0.29584342, 0.014714125, -0.120748304, 0.13150594, -0.20428972, -0.08008208, 0.28710407, 0.51516986, 0.012513811, 0.5654961, -0.46616182, -0.0711021, 0.112624265, 0.50547206, -0.45667538, -0.43711472, -0.18320552, 0.39629346, 0.14308167, -0.3105856, -0.005757165, -0.8021433, -0.81085473, 0.15804207, -0.12967138, 1.4027108, 0.33449596, 0.03008225, -0.34883147, -0.1781927, 0.12144288, 0.17830075, 0.30213386, 0.42310303, -0.111248575, -0.03289949, -0.02605336, 0.14081602, -0.019228648, -0.27823058, -0.122749016, -0.77566653, -0.065766715, 0.14097746, 0.1337733, -0.48314372, -0.13266103, -0.12699601, 0.2162329, 0.04934441, 0.42821735, -0.40303, -0.26046216, -0.12675078, 0.46753716, -0.17176466, 0.10364951, 0.5595984, -0.19831912, 0.09574778, -0.4215395, 0.06014528, 0.22558741, -0.027099866, -0.06587644, 0.031870205, -0.28275472, -0.3928189, 0.28414035, -0.08593197, 0.2872781, 0.021963507, 0.26408932, -0.101747096, 0.08418944, -0.25111228, -0.13676135, -0.087221116, -0.5563625, -0.106494166, 0.067382954, 1.258455, -0.14748418, -0.32504064, -0.27640456, -0.0050109206, 0.11942552, 0.48297492, 0.27801484, 0.8343092, 0.1652492, 0.49928695, 0.20350261, -0.47099677, 0.021382837, 0.14016786, 0.03040812, 0.45496398, -0.059868347, 0.035961587, 0.2948743, 0.05838883, -0.24308184, -0.13930655, -0.03971107, 0.25898248, -0.029245425, -0.3769291, -0.14803442, 0.45435494, -0.50221705, 0.007279185, -0.30366087, 0.010871476, 0.23938362, -0.48923236, -0.04131652, -0.00671007, 0.34419617, 0.31279293, -0.29434043, 0.19557288, -0.58735543, -0.3839715, 0.23877454, -0.6973486, 0.10374794, -0.18511817, -0.2159122, 0.17527725, -0.055946715, 0.3954325, 0.023067802, -0.35710025, 0.10876469, -0.14965267, -0.21796365, -0.45498872, -0.08120127, -0.2322957, 0.0088618575, -2.1811426E-4, 0.24701238, -0.0048500746, -0.012939858, 0.106358945, 0.034129668, 0.32117623, -0.025386328, -0.4648862, 0.11366125, 0.48746902, -0.0028031827, -0.65647805, -0.041882794, -0.14307061, 0.0953655, -0.203673, -0.33287042, 0.4562165, -0.13804749, -0.09217824, 0.04177768, -0.08533834, 1.0251588, -0.2534281, -0.08782468, -0.43180743, 0.2046589, -0.115378484, 0.14342383, -0.15931931, -0.10184352, 0.03384775, 0.8667041, 0.29831663, -0.087701716, 0.18842478, -0.4244451, -0.14490537, 0.09280083, 0.59084195, 0.08213176, 0.16969231, 0.30181345, -0.04872321]|\n", + "+-------------+-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "\n", + "cos_sim: 0.9959553324488427\n", + "\n", + "\n", + "\n", + "+-----------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|sentence |sentence_embeddings_original |\n", + "+-----------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|Antibiotics aren't painkiller|[0.34588462, -0.06992395, 0.15711544, 0.3646099, -0.04376859, -0.21441586, -0.31232682, 0.0035341172, -0.20290947, 0.04812097, 0.05449447, 0.13963279, -0.71736157, 0.41382733, -0.31923467, -0.23317471, -0.078953676, 0.28255254, 0.036423363, -0.061754923, 0.07114135, 0.25146264, -0.62961876, 0.022758966, 0.060319144, -0.492054, 0.31868243, 0.3472518, -0.188682, 0.2839383, -0.18782258, 0.062308647, 0.13502516, 0.43942708, 0.20278327, 0.010898489, 0.042412512, 0.29603434, -0.21175948, -0.10473951, -0.41369432, 0.012056446, 0.093666956, 0.21207078, 0.19228375, -0.30857348, 0.07675827, 0.06992025, -0.5321753, -0.07294849, 0.32827023, -0.021736806, 0.17398728, 0.14139223, 0.26351506, -0.28360033, -0.2917276, -0.21228805, -0.18385068, 0.32244644, 0.18161099, 0.10804077, -0.02020153, 0.2461762, -0.2700025, 0.157742, 0.14731131, 0.06256482, -0.023744952, -0.07382087, -0.36849862, -0.11347163, -0.3478388, -0.15899673, -0.027305856, -0.22717042, 0.63467616, -0.024471829, -0.17273922, 0.075533256, 0.20137982, 0.21414499, -0.3883, -0.011850184, 0.20518968, -0.05316592, -0.07847567, -0.09812941, -0.097598195, 0.6314365, 0.013133088, -0.04751579, 0.14304379, -0.29665092, 0.32402545, 0.29999948, 0.06868838, -0.035481136, 0.32843524, 0.07680064, 0.3949286, 0.24928308, 0.287664, 0.10652622, 0.31571516, 0.13309826, -0.1405823, -0.38225397, -0.29218102, 0.6184881, 0.079089046, -0.12948889, 0.28958344, -0.12136648, -0.06662656, -0.039341666, 0.4451987, -0.024412822, 0.26500288, -0.4242201, -4.5078396E-4, -0.07203449, 0.09467899, -0.121313214, -0.037068803, -0.24553311, -0.08674321, -0.4558379, 0.19651167, -0.031636443, -0.11674942, -0.36763948, 0.2654217, 0.025233531, 0.09581975, 0.07162809, -0.791987, 0.24613807, -1.3632864, -0.16295904, -0.09335442, -0.239167, 0.21966763, -0.015050058, 0.1663114, 0.47924653, -0.4567747, -0.19850665, 0.07875204, 0.20414563, -0.20447716, -0.4707488, -0.39988488, -0.18660094, 0.052301824, 0.05575003, 0.05700029, -0.24668488, 0.36631387, -0.016300224, -0.30000296, 0.33721852, -0.38084695, 0.4334607, 0.17124584, -0.29222375, 0.28295407, 0.31545043, 0.05733528, 0.42889088, -0.082908705, -0.05366249, -0.44739574, 0.26017612, 0.19181187, -0.012113417, 0.0920787, -0.24561664, -0.14996913, -0.10707225, 0.11426766, -0.028719867, -0.1734089, 0.06670713, -0.16653837, 0.47737202, 0.12184714, -0.037668973, 0.47575465, 0.22958732, 0.1237766, -0.2185612, -0.06514478, -0.09414144, -0.22375426, -0.2189637, 0.08424629, 0.06656329, 0.32153648, 0.035098664, -0.0932135, 0.22344689, -0.23776098, 0.06391099, 0.028250018, -0.17220464, 0.117307425, 0.45031834, -0.009156128, -0.44243494, 0.09584965, -0.16891082, 0.35476488, 0.36633366, -0.06874458, -0.13200894, 0.18243499, -0.024026597, 0.24156813, 0.21367216, 0.013432289, 0.059236012, 0.16268754, -0.54926133, -0.08335861, 0.09676407, 0.22146459, 0.29161724, 0.20227194, 0.029651206, 0.11116409, 0.30997306, -0.015618935, -0.13809048, 0.068108864, 0.3534401, -0.22739765, -0.17779915, -0.4314614, 0.32499602, 0.15156066, 0.02053335, 0.41232473, 0.039425783, 0.16506907, 0.0799398, 0.25559086, 0.13974519, 0.39309186, 0.2616144, -0.058214862, -0.14608946, -0.36636448, 0.23264995, 0.4049879, 0.13953272, -0.059785414, -0.24548718, -0.06346308, -0.24292222, 0.24340615, -0.21027556, 0.41450357, -0.24537563, 0.07288553, -0.15460618, 0.06573902, -1.1520386E-4, 0.018131828, 0.48064837, 0.26084024, 0.010959819, -0.02120406, 0.28105688, -0.18899867, 0.113190554, 0.13519098, -0.34061548, 0.21343617, -0.39122576, 0.1407562, 0.074040785, -0.15990447, -0.035262696, -0.3332219, -0.16101284, 0.17848258, 0.23034191, 0.016000528, 0.09553982, -0.20094366, 0.026219258, -0.6571647, -0.07837199, 0.19624296, 0.18247059, -0.41038433, 0.21362486, -0.11102253, -0.18417604, 0.6120367, -0.32193115, -0.21197467, -0.07727643, -0.6313151, -0.11532128, 0.10954931, 0.71851885, -0.26051825, 0.11075095, 0.591424, 0.11807754, -0.23479924, -0.57265264, -0.5971111, -0.16343613, 0.18755727, -0.47921067, -0.5147036, -0.029262876, 0.20051785, 0.24443129, -0.18794659, -0.0025156557, 0.106073916, -0.06683101, 0.32219937, -0.1539143, 0.20439968, -0.31340373, 0.07266791, 0.1273205, -0.4310731, -0.012272203, -0.42009583, 0.15216203, -0.34215122, 0.5210222, 0.29970944, 0.43668613, 0.044725638, 0.08548974, 0.008559912, 0.25141454, 0.103214815, 0.20068868, -0.13069977, 0.057147812, -0.07069703, -0.14208998, -0.08973379, -0.074424595, -0.51010436, -0.2381403, 0.51761925, 0.22836848, 0.079503596, -0.08891697, 0.07922987, -0.069989696, 0.125064, 0.0742224, 0.0062160194, 0.05274371, 0.09411986, -4.7434866E-4, -0.10382935, 0.48806024, -0.5759922, 0.045248084, 0.35725588, -0.21681023, -0.029803807, 0.12728153, 0.055628352, -0.16212434, -0.2532983, 0.0021788478, 0.3142034, -0.82210934, -0.014970481, -0.10823377, 0.20988679, -0.24107623, 0.17599523, 0.31673688, -0.1872703, -0.1350514, -0.0018898845, 0.04823047, 0.18391237, -0.09632269, 0.13805822, 0.09356959, -0.08396263, -0.27294812, -0.1798133, 0.21391602, 0.18856657, -0.31029615, -0.17548871, 0.18353519, -0.38067576, 0.18284814, -0.258229, -0.3399545, -0.40825358, -0.068656825, -0.34012643, -0.092596605, -0.22127596, -0.3168331, 0.16292447, 0.4461131, 0.05261866, -0.5094299, -0.10243521, -0.031290144, 0.11687813, 0.05650834, -0.24928395, -0.08503274, 0.12884243, -0.009001476, 0.034415513, -0.16726984, -0.14528564, -0.21615562, 0.11406775, 0.4537538, 0.12367115, 0.42914987, -0.06583806, -0.04546512, -0.0611706, 0.12791884, 0.019659106, -0.14439826, -0.42142454, 0.23112836, 0.15658227, -0.071825445, 0.26944655, -0.67926234, -0.17520179, -0.07284558, -0.18257582, -0.097075835, -0.33428934, -0.23086067, -0.16658816, -0.21464846, 0.090823606, -0.124869525, 0.21446013, -0.18899886, 0.050466813, -0.22734395, -0.2453557, -0.0072535067, -0.5456172, -0.13608482, -0.40918922, 0.11661081, 0.6725882, -0.1296255, 0.2851383, 0.5414253, 0.061846267, -0.29978502, -0.13062842, 0.12240567, 0.629223, 0.23029196, 0.20782626, 0.1503341, 0.16165255, 0.07977648, 0.07596214, 0.15310189, -0.09559999, 0.28423405, 0.14700408, 0.5156075, 0.21564381, 0.098870054, 0.1400645, 0.29952264, 0.3310556, 0.36585096, 0.100864686, 0.39542443, -0.45163757, 0.1444076, -0.20974632, 0.19840135, -0.14243098, 0.04094255, -0.48627943, -0.2203838, -0.061261315, -0.43450934, 0.042528696, 0.2629668, -0.28451088, 0.48740584, -0.050881553, 0.08259048, 0.30743343, -0.29229027, -0.15086958, -0.8714237, -0.04158895, -0.0060451804, -0.26759598, -0.45071715, 0.099406704, 0.09012107, 0.26867607, 0.16519192, 0.10474191, 0.2750642, -0.03265191, -0.014377132, -0.036023866, -0.040404476, 0.163873, 0.107634686, 0.009173989, 0.18852189, 0.030629765, 0.2257087, -0.18586633, -0.21095152, 0.40017405, 0.11335106, 0.4446927, -0.046744674, 0.20754087, -0.08433556, 0.16302638, 0.34635285, 0.6612915, 0.05315896, 0.18590754, 0.1062026, -0.062636554, 0.3736418, -0.0023239732, 0.18636075, -0.08707593, 0.3317986, -0.30270228, 0.41387933, 0.091659866, 0.44661027, -0.13145489, -7.624747, 0.17809603, -0.095146485, 0.30659658, -0.12833548, 0.10203178, 0.47882771, -0.12228374, 0.26306227, 0.3148257, 0.058476906, 0.11126499, -0.24178095, 0.004748013, -0.25464463, 0.19274645, -0.33300772, 0.37283644, 0.10183191, 0.2657581, -0.17963648, -0.04488194, -0.19081196, 0.1009284, 0.40995082, 0.3225748, 0.0019182891, -0.16930553, 0.035715442, -0.1584076, 0.09549289, 0.5013618, 0.07792808, -0.333079, 0.21711032, -0.23772626, 0.43235612, -0.19154914, 0.05983329, -0.38254273, -0.49267173, 0.023344202, -0.00544284, -0.0052011786, -0.020603174, -0.12485466, -0.31038204, -0.15748338, -0.092466205, -0.106314495, 0.7935481, -0.0031552732, 0.0028386295, -0.07689613, -0.20121749, 0.12428303, -0.36582345, 0.017743398, 0.21744904, 0.07696739, 0.36814767, -0.19908799, -0.11600711, -0.28455645, -0.38052672, 0.0780205, -0.49621668, 0.03981922, -0.19046588, -0.43052062, -0.51337826, 0.007090402, -0.21821705, -0.3895156, -0.052576423, 0.12969336, 0.19485994, 0.2567996, -0.62281466, 0.012607256, -0.25405264, 0.094357006, 0.6921779, -0.21922526, -0.23681054, -0.3139853, -0.34939992, -0.009108195, 0.3544324, 0.063868366, 0.17733377, -0.4181134, 0.11928469, -0.037977003, 0.034757245, 0.13505831, -0.06140374, 0.050211072, -0.34769225, 0.033039916, -0.15089917, 0.24972184, -0.1974212, -0.19466218, 0.101584814, -0.0043978505, 0.33187428, -0.14444599, -0.115402296, 0.20894492, 0.117576435, 0.2305574, 0.4846773, -0.01739537, 0.0424945, -0.09000505, 0.08572862, 0.05062908, -0.27703542, 0.009028284, 0.060884364, -0.12069751, 0.2122848, 0.2975552, 0.20795777, 0.35720512, -0.0044386564, -0.1785943, 0.49916977, 0.057655215, 0.84271985, 0.40923342, -0.06467445, 0.18384646, -0.18581507, -0.5995134, 0.04649982, 0.0150617035, -0.44787565, 0.17673, -0.49416333, 0.28795308, 0.13205728, 0.1724712, 0.12767176, 0.0714453, -0.22596546, -0.19867077, -0.23554611, -0.21984911, -0.15511948, -0.12763193, -0.22235696, -0.3967275, 0.21092209, -0.33551487, 0.73118496, 0.41129106, -0.3477868, -0.049780574, 0.17291756, -0.034220435, 0.17652315, -0.17906821, -0.19112465, -0.1430395, -0.056876443, 0.109503485, -0.10094607, -0.07130646, 0.14951658, 0.048332773, -0.06650084, -0.0031447113, -0.22225913, 0.13678429, 0.268088, 0.041856997, -0.33233744, -0.014434049, 0.0010238827, -0.30462593, -0.0566386, -0.37590137, -0.18233883, 0.25442827, 0.19388907, -0.2329115, -0.09303738, 0.48132044, 0.0026379689, 0.056049895, -0.0890798, 0.18579023, -0.2797061, 0.39094216, -0.13171294, -0.08979964, 0.3001552, 0.14790256, -0.031408023, -0.28928125, 0.019433727, -0.19697966, -0.14922568, 0.21118207, 0.44309813, 0.11974192, 0.14258887, 0.34259334, -0.07105972]|\n", + "+-----------------------------+------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "\n", + "+-----------------------------+-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|sentence |sentence_embeddings_finetuned |\n", + "+-----------------------------+-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "|Antibiotics aren't painkiller|[0.28350395, -0.096072316, 0.11028453, 0.36982593, -0.12975211, -0.21212487, -0.334488, 0.008855678, -0.16624686, 0.09297204, 0.13418676, 0.19176269, -0.65986055, 0.36653313, -0.29037714, -0.15713647, -0.09697278, 0.20219383, 0.035429724, 0.015684385, 0.11414602, 0.29892936, -0.60547096, 0.012767008, -0.009931815, -0.5440285, 0.31787834, 0.27941838, -0.23836711, 0.3181972, -0.12946251, 0.12518921, 0.15624458, 0.46742883, 0.14216676, -0.03172412, 0.100567, 0.26976877, -0.203093, 0.0041295374, -0.4327151, -0.024565263, 0.065866426, 0.25904876, 0.1952141, -0.2914098, 0.047349144, 0.060980804, -0.4764544, -0.08505126, 0.36207217, -0.043130323, 0.21756366, 0.17081453, 0.24191706, -0.31360462, -0.29935795, -0.23670621, -0.2566149, 0.350142, 0.13267584, 0.14256075, -0.04654842, 0.22575197, -0.30541322, 0.15736134, 0.09169699, -0.019257212, -0.035463206, -0.041237026, -0.35055268, -0.08231434, -0.35508895, -0.112065814, -0.08265291, -0.19567952, 0.6151551, 4.4991373E-4, -0.14918408, 0.04726908, 0.15659122, 0.21065955, -0.41310567, -0.0028428049, 0.21362081, -0.0780357, -0.08711427, -0.12955934, -0.08944292, 0.68064123, 0.0040520253, -0.00352605, 0.11942706, -0.30139393, 0.35084924, 0.32958022, 0.08121912, -0.023056662, 0.3984944, 0.075430766, 0.39604896, 0.32040694, 0.29862624, 0.05405134, 0.3188351, 0.12721194, -0.15247348, -0.3988498, -0.21774666, 0.6488992, 0.09870223, -0.15342937, 0.27085322, -0.15648402, -0.03830358, -0.059356757, 0.42946625, 0.02478109, 0.20315996, -0.37685305, -0.10399407, -0.07945405, 0.10338563, -0.103878364, -0.028140256, -0.30078003, -0.06334008, -0.49497905, 0.21484745, -0.013815315, -0.07462791, -0.42434573, 0.27568918, 0.009070337, 0.09372072, 0.091522716, -0.7435197, 0.21091275, -1.312117, -0.14459446, -0.09040886, -0.25932938, 0.15730515, -0.0035660535, 0.14136139, 0.5258595, -0.49113283, -0.19850683, 0.12232536, 0.1580358, -0.18212363, -0.46687517, -0.39741206, -0.18549229, 0.06528911, 0.06757044, 0.07051848, -0.1833058, 0.4082016, 0.0073374854, -0.3168334, 0.2909317, -0.3429061, 0.44531912, 0.21120551, -0.29958838, 0.20837088, 0.26918697, 0.12907615, 0.41494378, -0.13668655, -0.025122833, -0.49973574, 0.20741129, 0.23422584, -0.01269784, 0.15099756, -0.2898629, -0.11515323, -0.07750447, 0.078495435, 0.0042376937, -0.21455082, 0.024623567, -0.15500101, 0.46605793, 0.16360028, -0.062266998, 0.42199308, 0.22340408, 0.15182264, -0.27921376, -0.0073646577, -0.030641457, -0.24519181, -0.250632, 0.07798142, 0.051838346, 0.33561832, -0.04361126, -0.09237494, 0.23315915, -0.2446678, 0.047591735, 0.09418432, -0.14915809, 0.19082537, 0.38200927, -0.011836374, -0.39670855, 0.055255868, -0.18799931, 0.39585558, 0.38430184, -0.06429241, -0.10275117, 0.15070815, -0.02881974, 0.29180634, 0.22267501, 0.04990933, 0.022120384, 0.15659317, -0.5148742, -0.09223805, 0.07956965, 0.17548124, 0.28160995, 0.2064459, 0.055863947, 0.13154571, 0.3310741, 0.01707586, -0.123537146, 0.0358307, 0.40560597, -0.19829682, -0.21756813, -0.4042592, 0.35475746, 0.10571065, 0.024093298, 0.40304643, 0.0036859333, 0.14097913, 0.04037429, 0.3113397, 0.12904346, 0.33767515, 0.2536989, -0.055081774, -0.14428245, -0.4637118, 0.2314132, 0.37394905, 0.10951982, -0.06958286, -0.25401348, -0.011559207, -0.25454086, 0.26266629, -0.23269582, 0.40125808, -0.24691224, 0.08440994, -0.11538434, 0.016631786, 0.093468614, 0.09197052, 0.4750339, 0.19479561, 0.011680976, 0.022863079, 0.28094828, -0.22507663, 0.11680541, 0.15381718, -0.35676762, 0.24573418, -0.3878666, 0.16632342, 0.018418819, -0.18710795, -0.032185216, -0.3492364, -0.20349236, 0.20335856, 0.20473489, -0.0060958774, 0.08306272, -0.19158189, -0.039643966, -0.6699624, -0.04553305, 0.14992602, 0.20559554, -0.40049252, 0.18988776, -0.13127634, -0.1597921, 0.5779974, -0.39671746, -0.27079368, -0.11318699, -0.6263163, -0.11674218, 0.09788002, 0.748155, -0.28952208, 0.12579617, 0.537876, 0.0861818, -0.22160053, -0.61583126, -0.5893275, -0.17677337, 0.14799818, -0.5047447, -0.5275965, -0.0146561805, 0.21397719, 0.28101307, -0.18950765, -0.03440038, 0.1318845, -0.10321057, 0.3647934, -0.19585976, 0.18351462, -0.3454482, 0.069410905, 0.121614434, -0.4327972, -0.005988121, -0.4062282, 0.15242103, -0.23808162, 0.55143875, 0.32445633, 0.461268, -0.03918355, 0.07826427, 0.032272436, 0.25148505, 0.15113494, 0.18036354, -0.13863194, 0.061541587, 0.004791282, -0.17922947, -0.0060616434, -0.034790102, -0.494845, -0.22139232, 0.40822157, 0.20068184, 0.059820794, -0.044842258, 0.066282615, -0.06478809, 0.16928723, 0.056253947, 0.028647577, 0.06568674, 0.07191641, 0.063129365, -0.18229993, 0.46258035, -0.61594665, 0.039214186, 0.34550616, -0.23531707, -0.00535053, 0.15390472, 0.121635996, -0.17240241, -0.20239589, 0.03926321, 0.3911295, -0.843873, -0.10744178, -0.13803099, 0.25965482, -0.19849548, 0.18503635, 0.35754436, -0.21695904, -0.16649123, -0.012955153, 0.033625834, 0.1705502, -0.1846856, 0.10887402, 0.06808474, -0.10679265, -0.30036432, -0.13820003, 0.31248313, 0.15553568, -0.3859439, -0.18735513, 0.17605601, -0.36523572, 0.19187222, -0.27707928, -0.37402427, -0.350755, -0.043385822, -0.3407033, -0.122703, -0.24714455, -0.29619732, 0.14649323, 0.41295558, 0.025896326, -0.51406986, -0.032131176, 0.048379265, 0.13859767, 0.057154484, -0.27931273, -0.17394583, 0.08778186, -0.0133628575, 0.024258614, -0.22957833, -0.068637684, -0.19109793, 0.11766136, 0.48243412, 0.09375174, 0.4259487, -0.08290602, -0.07373614, -0.08750979, 0.21250692, -0.05334889, -0.16428915, -0.39194363, 0.25959033, 0.08069776, -0.02539277, 0.18469647, -0.65133554, -0.13583581, -0.04631413, -0.14546224, -0.09433165, -0.29352832, -0.21519479, -0.24477987, -0.2000145, 0.13513316, -0.13868324, 0.23090538, -0.12517916, -0.0153314, -0.2528819, -0.20792869, 0.012247964, -0.54946434, -0.15718982, -0.5073721, 0.061602466, 0.61975056, -0.021581432, 0.24861404, 0.51572555, 0.0014640808, -0.29291773, -0.18708417, 0.07038005, 0.5589644, 0.23066136, 0.22764608, 0.20242314, 0.08891656, 0.08310364, 0.14586158, 0.13410403, -0.048554268, 0.24727178, 0.15016022, 0.51308155, 0.18630126, 0.0914803, 0.123546764, 0.3613246, 0.35571462, 0.35634205, 0.14887631, 0.430943, -0.4374784, 0.11833583, -0.27388033, 0.19477461, -0.22857854, 0.012083804, -0.42574733, -0.2455879, -0.06207689, -0.44716978, 0.012535237, 0.26203457, -0.32441136, 0.5036289, -0.052134953, 0.040194083, 0.304691, -0.26841646, -0.17082076, -0.91163015, 0.0054899007, 0.022145117, -0.2786987, -0.48912168, 0.0843924, 0.07277499, 0.28818586, 0.13467282, 0.13007529, 0.26990217, -0.017278936, 0.05521556, -0.012481468, -0.09933708, 0.1306475, 0.1518667, -0.028515011, 0.18320967, -0.013062728, 0.21602607, -0.21456988, -0.16707858, 0.43488926, 0.24490568, 0.47771245, 0.013298306, 0.2580873, -0.06460051, 0.24133027, 0.40687245, 0.6563298, 0.06350233, 0.15068097, 0.12677243, 0.028407943, 0.3732931, 0.026350696, 0.23297334, -0.11329837, 0.36628303, -0.3242244, 0.411102, 0.12645736, 0.44502813, -0.11224393, -7.7351594, 0.23357987, -0.12185021, 0.30164993, -0.08843531, 0.10723345, 0.57790726, -0.07068939, 0.22206262, 0.30388367, 0.081360534, 0.13376635, -0.2997776, -0.019579772, -0.23274012, 0.13545094, -0.36636096, 0.3246889, 0.07459849, 0.27121195, -0.18250488, -0.07076306, -0.14908731, 0.09666674, 0.44629812, 0.39447317, -0.0021425611, -0.124333106, 0.027374005, -0.15618435, 0.10259889, 0.51039076, 0.09549771, -0.33157665, 0.21515766, -0.24261644, 0.45040235, -0.17767361, 0.112919435, -0.3386418, -0.5153221, 0.005720945, 0.13759108, -0.020925462, -0.0063106716, -0.111758426, -0.30816326, -0.20880477, -0.09410249, -0.15302321, 0.78555536, 0.0017247275, 0.062330116, -0.12351779, -0.2529027, 0.18910864, -0.3662094, -0.018175328, 0.22842833, 0.11418076, 0.3923246, -0.24362965, -0.15541983, -0.33380476, -0.39483476, 0.05788974, -0.49607506, 0.12012507, -0.1323626, -0.40506226, -0.4896368, 0.043285668, -0.25248164, -0.31941965, -0.08243205, 0.13591154, 0.23393312, 0.2703619, -0.60470074, -0.004823163, -0.2700691, 0.0757326, 0.74828506, -0.2924735, -0.17507169, -0.29529017, -0.3493659, -0.042006113, 0.367448, 0.08804222, 0.21297792, -0.4109284, 0.047911327, -0.047415115, 0.06945504, 0.1817589, -0.027395397, 0.09325854, -0.38533318, -0.06542368, -0.12736002, 0.26441756, -0.15497208, -0.2283773, 0.10366063, -0.016188897, 0.3913312, -0.09482564, -0.10671122, 0.20277686, 0.179396, 0.20787326, 0.559885, -0.01873671, 0.018413704, -0.14554927, 0.1256478, 0.048195124, -0.30728182, -0.013919661, 0.063693464, -0.032256372, 0.2332962, 0.27436498, 0.2219137, 0.34987912, 0.017351132, -0.13426055, 0.42901677, 0.047080766, 0.82175523, 0.36926907, -0.1227836, 0.22950633, -0.16650918, -0.6736158, 0.035524517, -0.019848106, -0.423734, 0.160606, -0.4650125, 0.30956346, 0.1739565, 0.17990556, 0.09402166, 0.08514096, -0.19579561, -0.18084578, -0.25350034, -0.24327011, -0.09638734, -0.14480475, -0.26895088, -0.41672382, 0.23052013, -0.3802448, 0.68316185, 0.41159964, -0.41168866, -0.074361295, 0.15906696, -0.07956611, 0.22758994, -0.12616721, -0.19935855, -0.1627315, -0.0591998, 0.09838302, -0.099080265, -0.07302646, 0.1532435, 0.012908557, -0.048715144, -0.047287546, -0.19529915, 0.13106489, 0.33221674, 0.046376765, -0.38637272, -0.008159067, 0.012656659, -0.33877534, -0.11093881, -0.3895104, -0.15625282, 0.31803757, 0.16154186, -0.29001752, -0.05712592, 0.54936326, 0.016686544, 0.06054009, -0.10376511, 0.1287963, -0.2570745, 0.4178258, -0.16572277, -0.08684461, 0.30691224, 0.112806395, 0.008959463, -0.30397803, -0.014803642, -0.2657368, -0.10989692, 0.15907018, 0.4790582, 0.13444307, 0.19676489, 0.3575186, -0.062040627]|\n", + "+-----------------------------+-----------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------------+\n", + "\n", + "cos_sim: 0.994821982746426\n", + "\n", + "\n", + "\n" + ] + } + ], + "source": [ + "from sklearn.metrics.pairwise import cosine_similarity\n", + "import numpy as np\n", + "\n", + "pdf = df.toPandas()\n", + "\n", + "X = np.stack(pdf.sentence_embeddings_original.values)\n", + "Y = np.stack(pdf.sentence_embeddings_finetuned.values)\n", + "sk_sim = cosine_similarity(X, Y)\n", + "\n", + "\n", + "for i in range(df.count()):\n", + " df.filter(result.index == i).select(\n", + " \"sentence\", \"sentence_embeddings_original\"\n", + " ).show(truncate=False)\n", + " df.filter(result.index == i).select(\n", + " \"sentence\", \"sentence_embeddings_finetuned\"\n", + " ).show(truncate=False)\n", + " print(f\"cos_sim: {sk_sim[i,i]}\\n\\n\\n\")" + ] + } + ], + "metadata": { + "colab": { + "provenance": [], + "toc_visible": true + }, + "kernelspec": { + "display_name": "Python 3 (ipykernel)", + "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" + }, + "widgets": { + "application/vnd.jupyter.widget-state+json": { + "01d5cb9529474405b2b1e731d49b31b8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "02b7436497b24004a2feadab98b60be3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "056c59d7b2364c878120f609d3506a8c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "08b1b919ceaf46f8b3e31ead6e1773ac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "0a7d63e31eb14bafbc059e8d6676cd28": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_9f6e3f739ec5471e9a421e498e668974", + "IPY_MODEL_1bfa25ee89de406a9d5153897db352a6", + "IPY_MODEL_2dbaf15fc1f74bcf83cf87acf3c928ab" + ], + "layout": "IPY_MODEL_cb8d721e5a634416981b0ca0ffa3dc60" + } + }, + "0a91871219334a2599564ea384bdf31c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2f6f3bd5632a4886bb9d8f29ae1ce775", + "max": 36718, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_650718a5d5784643a6edaa171b72e953", + "value": 36718 + } + }, + "0c439aaf70a64f40abc17337deee4914": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_93d64e446cd34ac6a0491ac7463cc507", + "placeholder": "​", + "style": "IPY_MODEL_f7a42334f89e4f2ab0b1ab277b38a49b", + "value": "tokenizer_config.json: 100%" + } + }, + "10905ef5989c4663b231e0b358d2cf5f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "13f456d8cb824f2f8a5625e21ce53e0f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "140a410b38964e498d1961a2ba0c37ae": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_acfdbc35055f43c585e85994c85cd9b2", + "IPY_MODEL_5abc8c855d064e478a0778e8b184125c", + "IPY_MODEL_303d8caeb1104a32bc74a62cddcc59f5" + ], + "layout": "IPY_MODEL_84832fcad73842f0990d608cce1af1f6" + } + }, + "163b68ab71464f8a9fce92696a47e786": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2c268d3824934005bfe7ffd8aa6fce6e", + "placeholder": "​", + "style": "IPY_MODEL_ee1e64c82b254b97a24eaf7cfb3fa700", + "value": " 570/570 [00:00<00:00, 22.1kB/s]" + } + }, + "18f7275c9d99481fa4a9265a1d63670e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e6c660621ba8448098f1cf19fdf013a9", + "placeholder": "​", + "style": "IPY_MODEL_8b966dd41c3642afa0778f5a3fab2c2b", + "value": "Generating validation split: 100%" + } + }, + "1b0ee6fe618e4497ac0a69b8aa553a2d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "1bfa25ee89de406a9d5153897db352a6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_950b251bd6154fac992d37afc3abb0b1", + "max": 4358, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_5666854958de47fe899c9b5ee27b0782", + "value": 4358 + } + }, + "1dee46f37c0e405abe70f3857ef0d92f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c48cb6f845024920a9d974e3893ffe42", + "IPY_MODEL_378e3eceb24c421ba7798b54d00a6c41", + "IPY_MODEL_b9d3e4dcb0424a82bbf186fafbf9247d" + ], + "layout": "IPY_MODEL_1faa0e1956264db5958eb7f36329f9d2" + } + }, + "1df22ef81d6c401c956f151c73ace9aa": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "1e285ca87e974bfc8276a8c58ab00697": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4c2886733f71417796d0e6490584655d", + "IPY_MODEL_3bcc7e764e154f36b38635f3399dcefd", + "IPY_MODEL_163b68ab71464f8a9fce92696a47e786" + ], + "layout": "IPY_MODEL_db4c0ab4cbe64c93ba59469ada379e63" + } + }, + "1faa0e1956264db5958eb7f36329f9d2": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2073ff459095488bbccdcc3baa3cea09": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_c2286f2ba39544f6b6a9ae44b2c1850f", + "max": 732610, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_3eb2e33f72334ade92868fae14686a8a", + "value": 732610 + } + }, + "215d675ba86b45899b64ff422edc452a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "218fdb885cd64aa3843b9c52bfff94a6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "22e63a079beb4d9db3285343b4e806ba": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "243a280181d24d2d91eafdb6eb0a585b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "24f4c3a4d97c44f584417c0bedd38b85": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "26d75d06bb8249468e34fa99746c1a09": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_80940ccd455f414fb421c00445bf25f9", + "IPY_MODEL_31ef0910e0164b4bbb617e92df56c793", + "IPY_MODEL_83f04b7932ff48359ba04231d366f421" + ], + "layout": "IPY_MODEL_1df22ef81d6c401c956f151c73ace9aa" + } + }, + "2722931bd65746faba4130da430cd73e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_eae5136a9e964eed8ef9bc9a4e777a1a", + "IPY_MODEL_2073ff459095488bbccdcc3baa3cea09", + "IPY_MODEL_84f038eb3bf04bddadd79beb2e0a71e4" + ], + "layout": "IPY_MODEL_2cf16a0fd0b04453bd66ec3593f43b1b" + } + }, + "2732ad5424f24242b9ae8165826dc78b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "279981c997fc419e9a6a7b17854925ee": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "28161b367a614e10949bda155daecee6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "290b1c1d7f3c4468887786fbb0def12a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2991d8828e754426a34d19b979801aa3": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2a05e2d7f7e149caae6469514fbaf7ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_c66e6bfc28e14c69984395a1e8d349dc", + "IPY_MODEL_af48cd0d7f734f268ca69d9ca880ad06", + "IPY_MODEL_bd98a1b69b3c47e5b4c38c5f61c48720" + ], + "layout": "IPY_MODEL_903c51ff5323410d8708f354ec731142" + } + }, + "2bb70a18ac9642a4ad354cbd9701c123": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4bab74a327b44555b8ba05326f4dff5e", + "max": 3760, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_243a280181d24d2d91eafdb6eb0a585b", + "value": 3760 + } + }, + "2c268d3824934005bfe7ffd8aa6fce6e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2c4dbb5601c444868acb57a1e114e1b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2cf16a0fd0b04453bd66ec3593f43b1b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2d07783625574cbf83399480e56b2e96": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "2dbaf15fc1f74bcf83cf87acf3c928ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e203e8bb8467452383fd9322147dec0a", + "placeholder": "​", + "style": "IPY_MODEL_96b0f7c008e148628ae8db20d03b6681", + "value": " 4358/4358 [00:02<00:00, 2950.48 examples/s]" + } + }, + "2df53b2ec6c443e4a16b6537c2135dd6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "2f6f3bd5632a4886bb9d8f29ae1ce775": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "303d8caeb1104a32bc74a62cddcc59f5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a3bf2471b0d44d9ead1a9e9fb48a1e58", + "placeholder": "​", + "style": "IPY_MODEL_2df53b2ec6c443e4a16b6537c2135dd6", + "value": " 657k/657k [00:00<00:00, 7.33MB/s]" + } + }, + "31ef0910e0164b4bbb617e92df56c793": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_487bc0e60a32487ca4fd84814cfe308c", + "max": 6357543, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_c77a18603a974cd2b6aeafb7f69922ca", + "value": 6357543 + } + }, + "35d7c9de4cd0424ebddda987b857c83c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_dba61330c3b946da81c7a4c446ea8a72", + "placeholder": "​", + "style": "IPY_MODEL_52b61fe9280e453197ae93e82a7bb2f4", + "value": "Generating test split: 100%" + } + }, + "378e3eceb24c421ba7798b54d00a6c41": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a24e8c1889ae46db85dfd452decd022a", + "max": 10464, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_acb87fe86ce74098a4c270bd25d940ce", + "value": 10464 + } + }, + "3adaa75ef2a2417ca9eb255a3ec95fbd": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3b56144749a545c5be467b85fa4d25e4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3bcc7e764e154f36b38635f3399dcefd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_889b9cae7bd44b32b7ae0db2b2cdc346", + "max": 570, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_998b4fc16a3842cf8919fbb211004cf8", + "value": 570 + } + }, + "3c2ac1a7acb8405b86cc27fcbcc0b0ab": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "3c650364c4d84f6685cfb98c054059c8": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "3eb2e33f72334ade92868fae14686a8a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "3f8f0b308a8b43149580742caf225953": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_4a18ad00c48e4efa81a46e2bc47682e5", + "IPY_MODEL_0a91871219334a2599564ea384bdf31c", + "IPY_MODEL_44435d80a9eb4d46a1c6d548957ca50f" + ], + "layout": "IPY_MODEL_2991d8828e754426a34d19b979801aa3" + } + }, + "3ffcc7c42d334a0e8dd2373f28a05871": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_45f8c82f81394414948d10675c23f327", + "IPY_MODEL_a391cf6799f9436f81eab92df2da8a16", + "IPY_MODEL_aed3d6815f284746adc0bf75b2e6e596" + ], + "layout": "IPY_MODEL_3c650364c4d84f6685cfb98c054059c8" + } + }, + "44435d80a9eb4d46a1c6d548957ca50f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_279981c997fc419e9a6a7b17854925ee", + "placeholder": "​", + "style": "IPY_MODEL_01d5cb9529474405b2b1e731d49b31b8", + "value": " 36718/36718 [00:44<00:00, 1248.11 examples/s]" + } + }, + "45f8c82f81394414948d10675c23f327": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_49714c50bf68440c922e0be3e475e74a", + "placeholder": "​", + "style": "IPY_MODEL_8bc3067729b1460bb7e7180edf127b6f", + "value": "Map (num_proc=4): 100%" + } + }, + "46a7fb17296d4d63bbc93a9b21ea7870": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "46e0724661eb48169f4c8926612057c7": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "47afc20197a04224b171407f3d1ab834": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_55291aae6af64fcabe8bf4a039518c8e", + "max": 36718, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_c850698d66ca4b16ba8bf9c5dd158acd", + "value": 36718 + } + }, + "487bc0e60a32487ca4fd84814cfe308c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "49714c50bf68440c922e0be3e475e74a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4a18ad00c48e4efa81a46e2bc47682e5": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a1899509459943a89b938f7dec469b13", + "placeholder": "​", + "style": "IPY_MODEL_7c2d2f77b9cb4c5b8aa6261f38161e0b", + "value": "Map (num_proc=4): 100%" + } + }, + "4a23e2c59021474f962a5281387c0cb9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "4bab74a327b44555b8ba05326f4dff5e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "4c2886733f71417796d0e6490584655d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_d0a403ebfa604c2eaadbf2805ef330db", + "placeholder": "​", + "style": "IPY_MODEL_90f133cde2e34872be1ec8c71afb10c3", + "value": "config.json: 100%" + } + }, + "4e23dc395b8446c29be7dad6ba293dec": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "4f06435873ae44aba9184cdfff7ebccc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "51e13827960f49d69cbe7b1fbc1b534c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "52b61fe9280e453197ae93e82a7bb2f4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "55291aae6af64fcabe8bf4a039518c8e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "5666854958de47fe899c9b5ee27b0782": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "56a42b75ecc24da2af67b3c1b55052f4": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "56cd54aa81fc4fcf8f1fa758fff28b2e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "573d21480b77438b9d526f61c40ccc8d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_51e13827960f49d69cbe7b1fbc1b534c", + "placeholder": "​", + "style": "IPY_MODEL_a78fa6cf884a4d7c9951e60a79718897", + "value": " 213k/213k [00:00<00:00, 3.85MB/s]" + } + }, + "57f3e3c395774838a2c82cbba1e6fdcc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8925cfba7d77456bb3a21b101d091f4c", + "max": 213450, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_fb04cd7285424c599af8a31328bd54b7", + "value": 213450 + } + }, + "5a7c0f4689bf4b7eb25eb3036fad03c2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "5abc8c855d064e478a0778e8b184125c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_fdcca650105047dd952c73ad2b952cac", + "max": 657209, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_ada4aac6fbd143e887bb013226338b23", + "value": 657209 + } + }, + "5f16536bb9e54f24b849a858709b203c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6310721fd5c84798be9e8d407359b540": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b1b67cd60d44400cb9425ae95168ae6f", + "max": 3760, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_b23d7cb26887418ca3af2dcb90287712", + "value": 3760 + } + }, + "650718a5d5784643a6edaa171b72e953": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "65e486a178aa4ebabc9b8be8172aa5a8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_5f16536bb9e54f24b849a858709b203c", + "placeholder": "​", + "style": "IPY_MODEL_46a7fb17296d4d63bbc93a9b21ea7870", + "value": " 3760/3760 [00:00<00:00, 64520.10 examples/s]" + } + }, + "68511d6ebdb745a4a174ee93331fbe01": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "69a4cbdef2404d9f871e1d7a43e561ac": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7b372bc0d3be4d37941412b4caebdd1b", + "max": 36718, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_4e23dc395b8446c29be7dad6ba293dec", + "value": 36718 + } + }, + "6b49aecf5c704b5fb426b9e6f0ffc150": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "6dbe660be04c4f13aa7443d0251686b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_24f4c3a4d97c44f584417c0bedd38b85", + "placeholder": "​", + "style": "IPY_MODEL_b1b5c1b5cb574b5798cb787dfa86ea39", + "value": "Generating train split: 100%" + } + }, + "7027b53b1f8f417c9280d09800bc35d1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "71b445b093c84eb8a748fce8c2e632c8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_abd19a0d788348b393b8a5db07f9037f", + "placeholder": "​", + "style": "IPY_MODEL_7991705ea50a496184754bedcf7ff166", + "value": "Map (num_proc=4): 100%" + } + }, + "790af879d232487f82f36939b29f418c": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7991705ea50a496184754bedcf7ff166": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7b372bc0d3be4d37941412b4caebdd1b": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "7b448b5a325c4cf0989974605f017c32": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7c2d2f77b9cb4c5b8aa6261f38161e0b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7d7c0e1ea0894b558f62be4ee4001cb2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "7f2a07656ecf4aaba5b578005a795fca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "80940ccd455f414fb421c00445bf25f9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_a16a03f7bc084c88ba0a7743d0742769", + "placeholder": "​", + "style": "IPY_MODEL_bb42a14a35d34c24955a95e31b52729b", + "value": "Downloading data: 100%" + } + }, + "80a7c2a1e6684945b2340845dc0df3d9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_71b445b093c84eb8a748fce8c2e632c8", + "IPY_MODEL_47afc20197a04224b171407f3d1ab834", + "IPY_MODEL_ea710d63150c4f9f8a33ee1d07da8e19" + ], + "layout": "IPY_MODEL_46e0724661eb48169f4c8926612057c7" + } + }, + "8185022f4bb64730b68432feaca5a38d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "82121e71c5e14137bfcf1e4479f9cc29": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "83f04b7932ff48359ba04231d366f421": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_4f06435873ae44aba9184cdfff7ebccc", + "placeholder": "​", + "style": "IPY_MODEL_ea109cee821b4bd5a53a972473d8a768", + "value": " 6.36M/6.36M [00:00<00:00, 29.4MB/s]" + } + }, + "84832fcad73842f0990d608cce1af1f6": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "84f038eb3bf04bddadd79beb2e0a71e4": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_e5d6ad8a08b14beeb6f540badc70c39e", + "placeholder": "​", + "style": "IPY_MODEL_ea8813afe7ae49d5ae2540cc86bd526a", + "value": " 733k/733k [00:00<00:00, 2.57MB/s]" + } + }, + "865302977c0843d2ae9a426e1a47c163": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "87fe2de1ebd24b2c8b3b7c27238ac01d": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "889b9cae7bd44b32b7ae0db2b2cdc346": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "8925cfba7d77456bb3a21b101d091f4c": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "89e0483156f846c0b17dbbb50d22ad46": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_28161b367a614e10949bda155daecee6", + "placeholder": "​", + "style": "IPY_MODEL_a1619b6131bc4d7a84058854af353d54", + "value": " 3760/3760 [00:01<00:00, 1264.05 examples/s]" + } + }, + "8b966dd41c3642afa0778f5a3fab2c2b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "8bc3067729b1460bb7e7180edf127b6f": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "903c51ff5323410d8708f354ec731142": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "90f133cde2e34872be1ec8c71afb10c3": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "9216ff5977074f5ca73242031b6a70dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_6dbe660be04c4f13aa7443d0251686b6", + "IPY_MODEL_69a4cbdef2404d9f871e1d7a43e561ac", + "IPY_MODEL_ec5788073c2843a6a9d1ce0c639465a9" + ], + "layout": "IPY_MODEL_56a42b75ecc24da2af67b3c1b55052f4" + } + }, + "92db7241478e452a84153da7a36f9721": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_bf7e6317d3cd42429b66be4a0386cd4a", + "max": 4358, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_f5bbfb80f5654f5b90fc8e25403f3dde", + "value": 4358 + } + }, + "93d64e446cd34ac6a0491ac7463cc507": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "950b251bd6154fac992d37afc3abb0b1": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "96b0f7c008e148628ae8db20d03b6681": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "998b4fc16a3842cf8919fbb211004cf8": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "9ad2f1f2c8644477a1a983bf98cf37dc": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9b6e45d0e95a4a30882f686bc25e10da": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "9f6e3f739ec5471e9a421e498e668974": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_68511d6ebdb745a4a174ee93331fbe01", + "placeholder": "​", + "style": "IPY_MODEL_c3a3254b654d4a0cac296ee1bfe83810", + "value": "Map (num_proc=4): 100%" + } + }, + "a1619b6131bc4d7a84058854af353d54": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "a16a03f7bc084c88ba0a7743d0742769": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a1899509459943a89b938f7dec469b13": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a24e8c1889ae46db85dfd452decd022a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a391cf6799f9436f81eab92df2da8a16": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_08b1b919ceaf46f8b3e31ead6e1773ac", + "max": 3760, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_cb428d44d7b34293afee34f066677715", + "value": 3760 + } + }, + "a3bf2471b0d44d9ead1a9e9fb48a1e58": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "a78fa6cf884a4d7c9951e60a79718897": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "aa13626756c245af937345bf7ee29eb1": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "abd19a0d788348b393b8a5db07f9037f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "acb87fe86ce74098a4c270bd25d940ce": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "ace3f3ff03cf40229ceb3dee1b416158": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "acfdbc35055f43c585e85994c85cd9b2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9ad2f1f2c8644477a1a983bf98cf37dc", + "placeholder": "​", + "style": "IPY_MODEL_d2ffc0f097ee4221959b542153464f2d", + "value": "Downloading data: 100%" + } + }, + "ada4aac6fbd143e887bb013226338b23": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "aed3d6815f284746adc0bf75b2e6e596": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b55dfd94bc7948f4b65b6294500542cb", + "placeholder": "​", + "style": "IPY_MODEL_bb86093b543a413caa3b9859e961b103", + "value": " 3760/3760 [00:05<00:00, 1162.17 examples/s]" + } + }, + "af48cd0d7f734f268ca69d9ca880ad06": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_9b6e45d0e95a4a30882f686bc25e10da", + "max": 435779157, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_7f2a07656ecf4aaba5b578005a795fca", + "value": 435779157 + } + }, + "b024df89b6e048558ad07f445979016f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b12a60f7e4b74b5ba4a4d6592f33a10e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_e7119f413f2944b388bfcadd3d757a22", + "IPY_MODEL_57f3e3c395774838a2c82cbba1e6fdcc", + "IPY_MODEL_573d21480b77438b9d526f61c40ccc8d" + ], + "layout": "IPY_MODEL_02b7436497b24004a2feadab98b60be3" + } + }, + "b1b5c1b5cb574b5798cb787dfa86ea39": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b1b67cd60d44400cb9425ae95168ae6f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b23d7cb26887418ca3af2dcb90287712": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b2d6fdff07ed4d23947c907ae121ae4e": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "b2e23b860108462b8b6e3de4dd3dfc65": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "b55dfd94bc7948f4b65b6294500542cb": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "b9d3e4dcb0424a82bbf186fafbf9247d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_6b49aecf5c704b5fb426b9e6f0ffc150", + "placeholder": "​", + "style": "IPY_MODEL_2c4dbb5601c444868acb57a1e114e1b2", + "value": " 10.5k/10.5k [00:00<00:00, 448kB/s]" + } + }, + "bb42a14a35d34c24955a95e31b52729b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bb86093b543a413caa3b9859e961b103": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "bd49618d5453459fa3653dc6d61bcfde": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_82121e71c5e14137bfcf1e4479f9cc29", + "placeholder": "​", + "style": "IPY_MODEL_7d7c0e1ea0894b558f62be4ee4001cb2", + "value": "Map (num_proc=4): 100%" + } + }, + "bd98a1b69b3c47e5b4c38c5f61c48720": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_87fe2de1ebd24b2c8b3b7c27238ac01d", + "placeholder": "​", + "style": "IPY_MODEL_b2e23b860108462b8b6e3de4dd3dfc65", + "value": " 436M/436M [00:03<00:00, 91.9MB/s]" + } + }, + "bf7e6317d3cd42429b66be4a0386cd4a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c2286f2ba39544f6b6a9ae44b2c1850f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "c3a3254b654d4a0cac296ee1bfe83810": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "c48cb6f845024920a9d974e3893ffe42": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_8185022f4bb64730b68432feaca5a38d", + "placeholder": "​", + "style": "IPY_MODEL_215d675ba86b45899b64ff422edc452a", + "value": "Downloading readme: 100%" + } + }, + "c66e6bfc28e14c69984395a1e8d349dc": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3b56144749a545c5be467b85fa4d25e4", + "placeholder": "​", + "style": "IPY_MODEL_7b448b5a325c4cf0989974605f017c32", + "value": "pytorch_model.bin: 100%" + } + }, + "c77a18603a974cd2b6aeafb7f69922ca": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "c850698d66ca4b16ba8bf9c5dd158acd": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cb428d44d7b34293afee34f066677715": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "cb8d721e5a634416981b0ca0ffa3dc60": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d0a403ebfa604c2eaadbf2805ef330db": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "d1c62df2358e443eb68f11e897289350": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_bd49618d5453459fa3653dc6d61bcfde", + "IPY_MODEL_2bb70a18ac9642a4ad354cbd9701c123", + "IPY_MODEL_89e0483156f846c0b17dbbb50d22ad46" + ], + "layout": "IPY_MODEL_ace3f3ff03cf40229ceb3dee1b416158" + } + }, + "d2f64ebb77f74e808303f9322b970beb": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f44896f4b7b44bbeabe222201811148f", + "placeholder": "​", + "style": "IPY_MODEL_790af879d232487f82f36939b29f418c", + "value": " 29.0/29.0 [00:00<00:00, 1.13kB/s]" + } + }, + "d2ffc0f097ee4221959b542153464f2d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "d9841a0818b2490bac571694a575a85d": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_b024df89b6e048558ad07f445979016f", + "placeholder": "​", + "style": "IPY_MODEL_aa13626756c245af937345bf7ee29eb1", + "value": " 4358/4358 [00:09<00:00, 794.38 examples/s]" + } + }, + "da909b3c501f493cb55f0db142e8c5ba": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_f3e4c6757a9448a58eca39e73543e901", + "placeholder": "​", + "style": "IPY_MODEL_2732ad5424f24242b9ae8165826dc78b", + "value": "Map (num_proc=4): 100%" + } + }, + "db4c0ab4cbe64c93ba59469ada379e63": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "dba61330c3b946da81c7a4c446ea8a72": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "decbd0e2e47447fa95b7ff4a0aeaa0f6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_da909b3c501f493cb55f0db142e8c5ba", + "IPY_MODEL_92db7241478e452a84153da7a36f9721", + "IPY_MODEL_d9841a0818b2490bac571694a575a85d" + ], + "layout": "IPY_MODEL_22e63a079beb4d9db3285343b4e806ba" + } + }, + "e203e8bb8467452383fd9322147dec0a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e324ea037fba438c989e82f945e045b6": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_18f7275c9d99481fa4a9265a1d63670e", + "IPY_MODEL_6310721fd5c84798be9e8d407359b540", + "IPY_MODEL_65e486a178aa4ebabc9b8be8172aa5a8" + ], + "layout": "IPY_MODEL_eb1ec671013a480ab4f56944347ab1de" + } + }, + "e4270241988d4c298b977f6164e1824a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_0c439aaf70a64f40abc17337deee4914", + "IPY_MODEL_fef0f0d0dfb545b089c20a15a92550fa", + "IPY_MODEL_d2f64ebb77f74e808303f9322b970beb" + ], + "layout": "IPY_MODEL_f5b19515c5c947e4bc87b9f71cdb423a" + } + }, + "e5c2c7a21b8c4952b3f70a9259730623": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HBoxModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HBoxModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HBoxView", + "box_style": "", + "children": [ + "IPY_MODEL_35d7c9de4cd0424ebddda987b857c83c", + "IPY_MODEL_f13b2f1bb76f46c18f6f5f3fb4e07d09", + "IPY_MODEL_e750a7d806a64e599fdd691bfb0dd3f2" + ], + "layout": "IPY_MODEL_865302977c0843d2ae9a426e1a47c163" + } + }, + "e5d6ad8a08b14beeb6f540badc70c39e": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e6c660621ba8448098f1cf19fdf013a9": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "e7119f413f2944b388bfcadd3d757a22": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_13f456d8cb824f2f8a5625e21ce53e0f", + "placeholder": "​", + "style": "IPY_MODEL_290b1c1d7f3c4468887786fbb0def12a", + "value": "vocab.txt: 100%" + } + }, + "e750a7d806a64e599fdd691bfb0dd3f2": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_056c59d7b2364c878120f609d3506a8c", + "placeholder": "​", + "style": "IPY_MODEL_4a23e2c59021474f962a5281387c0cb9", + "value": " 4358/4358 [00:00<00:00, 29338.19 examples/s]" + } + }, + "ea109cee821b4bd5a53a972473d8a768": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "ea710d63150c4f9f8a33ee1d07da8e19": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_2d07783625574cbf83399480e56b2e96", + "placeholder": "​", + "style": "IPY_MODEL_3c2ac1a7acb8405b86cc27fcbcc0b0ab", + "value": " 36718/36718 [00:17<00:00, 2465.35 examples/s]" + } + }, + "ea8813afe7ae49d5ae2540cc86bd526a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "eae5136a9e964eed8ef9bc9a4e777a1a": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_10905ef5989c4663b231e0b358d2cf5f", + "placeholder": "​", + "style": "IPY_MODEL_5a7c0f4689bf4b7eb25eb3036fad03c2", + "value": "Downloading data: 100%" + } + }, + "eb1ec671013a480ab4f56944347ab1de": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "ec5788073c2843a6a9d1ce0c639465a9": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "HTMLModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "HTMLModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "HTMLView", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_218fdb885cd64aa3843b9c52bfff94a6", + "placeholder": "​", + "style": "IPY_MODEL_1b0ee6fe618e4497ac0a69b8aa553a2d", + "value": " 36718/36718 [00:00<00:00, 289855.76 examples/s]" + } + }, + "ee1e64c82b254b97a24eaf7cfb3fa700": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "f13b2f1bb76f46c18f6f5f3fb4e07d09": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_7027b53b1f8f417c9280d09800bc35d1", + "max": 4358, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_56cd54aa81fc4fcf8f1fa758fff28b2e", + "value": 4358 + } + }, + "f3e4c6757a9448a58eca39e73543e901": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f44896f4b7b44bbeabe222201811148f": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f5b19515c5c947e4bc87b9f71cdb423a": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "f5bbfb80f5654f5b90fc8e25403f3dde": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "f7a42334f89e4f2ab0b1ab277b38a49b": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "DescriptionStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "DescriptionStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "description_width": "" + } + }, + "fb04cd7285424c599af8a31328bd54b7": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "ProgressStyleModel", + "state": { + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "ProgressStyleModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "StyleView", + "bar_color": null, + "description_width": "" + } + }, + "fdcca650105047dd952c73ad2b952cac": { + "model_module": "@jupyter-widgets/base", + "model_module_version": "1.2.0", + "model_name": "LayoutModel", + "state": { + "_model_module": "@jupyter-widgets/base", + "_model_module_version": "1.2.0", + "_model_name": "LayoutModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/base", + "_view_module_version": "1.2.0", + "_view_name": "LayoutView", + "align_content": null, + "align_items": null, + "align_self": null, + "border": null, + "bottom": null, + "display": null, + "flex": null, + "flex_flow": null, + "grid_area": null, + "grid_auto_columns": null, + "grid_auto_flow": null, + "grid_auto_rows": null, + "grid_column": null, + "grid_gap": null, + "grid_row": null, + "grid_template_areas": null, + "grid_template_columns": null, + "grid_template_rows": null, + "height": null, + "justify_content": null, + "justify_items": null, + "left": null, + "margin": null, + "max_height": null, + "max_width": null, + "min_height": null, + "min_width": null, + "object_fit": null, + "object_position": null, + "order": null, + "overflow": null, + "overflow_x": null, + "overflow_y": null, + "padding": null, + "right": null, + "top": null, + "visibility": null, + "width": null + } + }, + "fef0f0d0dfb545b089c20a15a92550fa": { + "model_module": "@jupyter-widgets/controls", + "model_module_version": "1.5.0", + "model_name": "FloatProgressModel", + "state": { + "_dom_classes": [], + "_model_module": "@jupyter-widgets/controls", + "_model_module_version": "1.5.0", + "_model_name": "FloatProgressModel", + "_view_count": null, + "_view_module": "@jupyter-widgets/controls", + "_view_module_version": "1.5.0", + "_view_name": "ProgressView", + "bar_style": "success", + "description": "", + "description_tooltip": null, + "layout": "IPY_MODEL_3adaa75ef2a2417ca9eb255a3ec95fbd", + "max": 29, + "min": 0, + "orientation": "horizontal", + "style": "IPY_MODEL_b2d6fdff07ed4d23947c907ae121ae4e", + "value": 29 + } + } + } + } + }, + "nbformat": 4, + "nbformat_minor": 0 +}