notebooks/zh-CN/labelling_feedback_setfit.ipynb (2,863 lines of code) (raw):

{ "cells": [ { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "# 使用 SetFit 进行零样本文本分类的数据标注建议\n", "\n", "\n", "_作者: [David Berenstein](https://huggingface.co/davidberenstein1957) 和 [Sara Han Díaz](https://huggingface.co/sdiazlor)_\n", "\n", "建议是使标注团队工作更加轻松快捷的绝佳方式。这些预设选项将使标注过程更加高效,因为标注者只需纠正建议即可。在这个例子中,我们将展示如何使用 SetFit 实现零样本方法,以获取 Argilla 中一个数据集的初步建议,该数据集结合了两个文本分类任务,包括一个 `LabelQuestion` 和一个 `MultiLabelQuestion`。\n", "\n", "[Argilla](https://github.com/argilla-io/argilla) 是一个开源的数据策展平台,旨在提升小型和大型语言模型(LLMs)的开发。使用 Argilla,每个人都可以通过使用人类和机器的反馈来更快地进行数据策展,从而构建健壮的语言模型。因此,它为 MLOps 周期的每一步提供支持,从数据标注到模型监控。\n", "\n", "反馈是数据策展过程的一个关键部分,Argilla 也提供了一种管理和可视化反馈的方式,以便策展的数据可以后来用于改进语言模型。在本教程中,我们将展示一个实际的例子,说明如何通过提供建议来使我们的标注者工作更加轻松。为此,你将学习如何使用 SetFit 训练零样本情感和主题分类器,然后使用它们为数据集提供建议。\n", "\n", "在本教程中,我们将遵循以下步骤:\n", "- 在 Argilla 中创建一个数据集。\n", "- 使用 SetFit 训练零样本分类器。\n", "- 使用训练好的分类器为数据集提供建议。\n", "- 在 Argilla 中可视化这些建议。\n", "\n", "让我们开始吧!" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "## 初始化设置\n", "\n", "对于本教程,你需要运行一个 Argilla 服务器。如果你还没有,请查看我们的[快速入门](https://docs.argilla.io/en/latest/getting_started/quickstart.html)或[安装](https://docs.argilla.io/en/latest/getting_started/quickstart_installation.html)页面。完成后,请完成以下步骤:\n", "\n", "1. 使用`pip`安装Argilla客户端和所需的第三方库:" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "yN2atS0RE2pF" }, "outputs": [], "source": [ "!pip install argilla setfit" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "2. 导入必要的库和包" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "POQgkfrWEg1u" }, "outputs": [], "source": [ "import argilla as rg\n", "from datasets import load_dataset\n", "from setfit import get_templated_dataset\n", "from setfit import SetFitModel, SetFitTrainer" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "3. 如果你使用 Docker 快速启动镜像或 Hugging Face Spaces 运行 Argilla,你需要使用 `URL` 和 `API_KEY` 初始化 Argilla 客户端:" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# Replace api_url with the url to your HF Spaces URL if using Spaces\n", "# Replace api_key if you configured a custom API key\n", "rg.init(\n", " api_url=\"http://localhost:6900\", \n", " api_key=\"admin.apikey\",\n", " workspace=\"admin\"\n", " )" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "如果你正在运行一个私有的 Hugging Face Space,你还需要按照以下方式设置 [HF_TOKEN](https://huggingface.co/settings/tokens):" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "# # Set the HF_TOKEN environment variable\n", "# import os\n", "# os.environ['HF_TOKEN'] = \"your-hf-token\"\n", "\n", "# # Replace api_url with the url to your HF Spaces URL\n", "# # Replace api_key if you configured a custom API key\n", "# rg.init(\n", "# api_url=\"https://[your-owner-name]-[your_space_name].hf.space\", \n", "# api_key=\"admin.apikey\",\n", "# workspace=\"admin\",\n", "# extra_headers={\"Authorization\": f\"Bearer {os.environ['HF_TOKEN']}\"},\n", "# )" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "## 配置数据集" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "在这个例子中,我们将加载 [banking77](https://huggingface.co/datasets/banking77) 数据集,这是一个流行的开源数据集,包含了银行领域的客户请求。" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "0UsoG5OtE11w" }, "outputs": [], "source": [ "data = load_dataset(\"PolyAI/banking77\", split=\"test\")" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "Argilla 使用 `FeedbackDataset`,它可以轻松地让你创建数据集并管理数据和反馈。`FeedbackDataset` 首先需要通过指明两个主要组件(尽管可以添加更多)来进行配置:要添加标注数据 的 *字段* 和标注者的 *问题*。关于 `FeedbackDataset` 和可选组件的更多信息,请查看 [Argilla 文档](https://docs.argilla.io/en/latest/practical_guides/create_update_dataset/create_dataset.html) 和我们的 [端到端教程](https://docs.argilla.io/en/latest/tutorials_and_integrations/tutorials/tutorials.html)。\n", "\n", ">你也可以直接使用 [默认模板](https://docs.argilla.io/en/latest/practical_guides/create_update_dataset/create_dataset.html#task-templates) 来创建。" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "在这种情况下,我们将配置一个自定义数据集,其中包含两个不同的问题,以便我们能够同时处理两个文本分类任务。我们将加载该数据集的原始标签,以对请求中提到的主题进行多标签分类,并且我们还将设置一个问题,以将请求的情感分类为“积极”、“中性”或“消极”。" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "KKu2QplpFDgw" }, "outputs": [], "source": [ "dataset = rg.FeedbackDataset(\n", " fields = [rg.TextField(name=\"text\")],\n", " questions = [\n", " rg.MultiLabelQuestion(\n", " name=\"topics\",\n", " title=\"Select the topic(s) of the request\",\n", " labels=data.info.features['label'].names, #these are the original labels present in the dataset\n", " visible_labels=10\n", " ),\n", " rg.LabelQuestion(\n", " name=\"sentiment\",\n", " title=\"What is the sentiment of the message?\",\n", " labels=[\"positive\", \"neutral\", \"negative\"]\n", " )\n", " ]\n", ")" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "## 训练模型" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "现在我们将使用我们加载的数据以及为数据集配置的标签和问题来训练数据集中的每个问题的零样本文本分类模型。如前面所述,我们将使用 [SetFit](https://github.com/huggingface/setfit) 框架对两个分类器中的 Sentence Transformers 进行少样本微调。此外,我们将使用的模型是 [all-MiniLM-L6-v2](https://huggingface.co/sentence-transformers/all-MiniLM-L6-v2),这是一个在 10 亿句子对数据集上使用对比目标进行微调的句子嵌入模型。" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "def train_model(question_name, template, multi_label=False):\n", " # build a training dataset that uses the labels of a specific question in our Argilla dataset\n", " train_dataset = get_templated_dataset(\n", " candidate_labels=dataset.question_by_name(question_name).labels,\n", " sample_size=8,\n", " template=template,\n", " multi_label=multi_label\n", " )\n", "\n", " # train a model using the training dataset we just built\n", " if multi_label:\n", " model = SetFitModel.from_pretrained(\n", " \"all-MiniLM-L6-v2\",\n", " multi_target_strategy=\"one-vs-rest\"\n", " )\n", " else:\n", " model = SetFitModel.from_pretrained(\n", " \"all-MiniLM-L6-v2\"\n", " )\n", "\n", " trainer = SetFitTrainer(\n", " model=model,\n", " train_dataset=train_dataset\n", " )\n", " trainer.train()\n", " return model" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/", "height": 276, "referenced_widgets": [ "503d373bd18b4b79a1f694916734d903", "6e9e5e1ac58945d0926a85c1fd29ab17", "cc9ccdfefca941e1813258a19afe64ed", "c2238acd18b844c0bb517d670b76ca5c", "90eec4e8ae8b42268548588db2fcbf49", "501d213a24064f998d4d3c45255d02b7", "3d282336f5c3425386a417866f367007", "7b96b0a21eba4ad5a4c12534940b3591", "571fd48c2da8432e8a74e7b318eb6042", "1d58b40ad6a54c25bd451eda4e7d8069", "5e0377b4b48c441a8d747ea904c3207b", "38bfdddef0444c0baf9d29248689f846", "3f5aed26eeef4182b360085d83ae795d", "255d62fb39454098ab3701753d8d67d6", "25f9bca647f44645b85a644f03807095", "ae7fc579502e46f7861e402580586b28", "6143886f7acc4591ae5f79ce6f67af4a", "486c1a817552432c8fb20e59d0a3f079", "77bd2b1f5e57441ab729c6e517279834", "bc0c58d9d798437fb1d40277d8777777", "fa5df54e161e40dbbb21ed96c879444e", "16993356757e4ee5b7f8042d58c96e17", "d11aa6a0c8c54481b6cc2c80d1fa0ba1", "a9ce0af78a2241e697a22229db7840ab", "ae6ffc6572b54c059196983da4ff2d79", "980f36d72cfa403aad67e871aecba890", "5692de58835a466695fcc8f0d5976b74", "7a12fbf5400a468fbdce4b2b2008eefc", "04150cf7e9a74a04aafa94d394553630", "9a7c8861a37b41eba191059546f5dd5d", "217760080e494d2d9b0582910d121a28", "f5e35991e6d849eca73282c9c359000a", "5a06b8d12b494daeb0624f2e39e06e67" ] }, "id": "U9TVO355a2np", "outputId": "7d6b6b60-6f49-4308-a2e6-ac24bf99bf72" }, "outputs": [], "source": [ "topic_model = train_model(\n", " question_name=\"topics\", \n", " template=\"The customer request is about {}\", \n", " multi_label=True\n", ")" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/", "height": 276, "referenced_widgets": [ "c21e90a6dda643d8bd82abf4e346d45c", "170a2ee20ab64a9b86db65549a5d4063", "fd7c2acc4b1945feabe6715dd270cb72", "2f271b0778974646aaff691227336e91", "ef245777ac3d435e8715fc55b1d4824c", "0d7acd8e1a394336aa146e2a442f672c", "3e6c2b50b3084d23b575585c288f087e", "ff7f98b368c448ea81e4c79fded0be5a", "1ff157a9c8974b07ae97cb115c8d0188", "16d42bc00dfe4467a1da86b1d2391d0d", "0447a98b5dfe42c899273b9c37bdadad", "411de4b297fe4a09acb70951c9f36b82", "c2eac9934f5b407c8e424ee2da9eea58", "36b99521f8274a639abb90eb0040d6c0", "3fd94ef662db4fff9dde61455b41faf1", "d6283b2cf69d45f694633ae1544d47a8", "7ca015b6798947d58d275de6181fe053", "750011ef09534e55bab5180974bcf5d4", "70a57ad580f847d3bd3123cfe1539305", "0c010df989eb497c810a6f960c6ea41b", "186f82d150994ac7914d0646fb5ff425", "379907416f504f05906454e482da2eaf", "783115bacdbf4c0bb09c0b1fc7976d28", "242f97eb0f0d4ab1830c62686127b717", "bfecbc09a4f84f3db51903d5048ff825", "db7cf4427ad746cd86df88f7a1016bc9", "668593b82ae54d3cbaf1a19c0307c545", "5057f8b8144d41ff9d8b82b8602570fc", "369bc409052a48f7ac2182715406abef", "5cc0f7cc30ae4aa4b13966a773e4c824", "28c40914eac34bcba0c9eb4dac6b0032", "3e622eeea5df47d6a21e015f3e742fa8", "621bb7d632814cb0839755ca56098d7a" ] }, "id": "kkTufA4NbEh_", "outputId": "41c579c8-5394-4c24-fd3c-d6ab77c2a0a7" }, "outputs": [], "source": [ "sentiment_model = train_model(\n", " question_name=\"sentiment\", \n", " template=\"This message is {}\", \n", " multi_label=False\n", ")" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "## 预测" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "一旦训练步骤结束,我们就可以通过我们的数据进行预测了。" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "def get_predictions(texts, model, question_name):\n", " probas = model.predict_proba(texts, as_numpy=True)\n", " labels = dataset.question_by_name(question_name).labels\n", " for pred in probas:\n", " yield [{\"label\": label, \"score\": score} for label, score in zip(labels, pred)]" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "Hz5LeVDMYyx6" }, "outputs": [], "source": [ "data = data.map(\n", " lambda batch: {\n", " \"topics\": list(get_predictions(batch[\"text\"], topic_model, \"topics\")),\n", " \"sentiment\": list(get_predictions(batch[\"text\"], sentiment_model, \"sentiment\")),\n", " },\n", " batched=True,\n", ")" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/", "height": 206 }, "id": "bgGkKO-7ZGCR", "outputId": "17bb27eb-b78a-4a2c-d838-60fcaa176502" }, "outputs": [ { "data": { "text/html": [ "\n", "\n", " <div id=\"df-1a954f9c-a69b-4678-b119-fe191bdfeda0\">\n", " <div class=\"colab-df-container\">\n", " <div>\n", "<style scoped>\n", " .dataframe tbody tr th:only-of-type {\n", " vertical-align: middle;\n", " }\n", "\n", " .dataframe tbody tr th {\n", " vertical-align: top;\n", " }\n", "\n", " .dataframe thead th {\n", " text-align: right;\n", " }\n", "</style>\n", "<table border=\"1\" class=\"dataframe\">\n", " <thead>\n", " <tr style=\"text-align: right;\">\n", " <th></th>\n", " <th>text</th>\n", " <th>label</th>\n", " <th>topics</th>\n", " <th>sentiment</th>\n", " </tr>\n", " </thead>\n", " <tbody>\n", " <tr>\n", " <th>0</th>\n", " <td>How do I locate my card?</td>\n", " <td>11</td>\n", " <td>[{'label': 'activate_my_card', 'score': 0.0127...</td>\n", " <td>[{'label': 'positive', 'score': 0.348371499634...</td>\n", " </tr>\n", " <tr>\n", " <th>1</th>\n", " <td>I still have not received my new card, I order...</td>\n", " <td>11</td>\n", " <td>[{'label': 'activate_my_card', 'score': 0.0133...</td>\n", " <td>[{'label': 'positive', 'score': 0.361745933281...</td>\n", " </tr>\n", " <tr>\n", " <th>2</th>\n", " <td>I ordered a card but it has not arrived. Help ...</td>\n", " <td>11</td>\n", " <td>[{'label': 'activate_my_card', 'score': 0.0094...</td>\n", " <td>[{'label': 'positive', 'score': 0.346292075496...</td>\n", " </tr>\n", " <tr>\n", " <th>3</th>\n", " <td>Is there a way to know when my card will arrive?</td>\n", " <td>11</td>\n", " <td>[{'label': 'activate_my_card', 'score': 0.0150...</td>\n", " <td>[{'label': 'positive', 'score': 0.426133716131...</td>\n", " </tr>\n", " <tr>\n", " <th>4</th>\n", " <td>My card has not arrived yet.</td>\n", " <td>11</td>\n", " <td>[{'label': 'activate_my_card', 'score': 0.0175...</td>\n", " <td>[{'label': 'positive', 'score': 0.389241385165...</td>\n", " </tr>\n", " </tbody>\n", "</table>\n", "</div>\n", " <button class=\"colab-df-convert\" onclick=\"convertToInteractive('df-1a954f9c-a69b-4678-b119-fe191bdfeda0')\"\n", " title=\"Convert this dataframe to an interactive table.\"\n", " style=\"display:none;\">\n", "\n", " <svg xmlns=\"http://www.w3.org/2000/svg\" height=\"24px\"viewBox=\"0 0 24 24\"\n", " width=\"24px\">\n", " <path d=\"M0 0h24v24H0V0z\" fill=\"none\"/>\n", " <path d=\"M18.56 5.44l.94 2.06.94-2.06 2.06-.94-2.06-.94-.94-2.06-.94 2.06-2.06.94zm-11 1L8.5 8.5l.94-2.06 2.06-.94-2.06-.94L8.5 2.5l-.94 2.06-2.06.94zm10 10l.94 2.06.94-2.06 2.06-.94-2.06-.94-.94-2.06-.94 2.06-2.06.94z\"/><path d=\"M17.41 7.96l-1.37-1.37c-.4-.4-.92-.59-1.43-.59-.52 0-1.04.2-1.43.59L10.3 9.45l-7.72 7.72c-.78.78-.78 2.05 0 2.83L4 21.41c.39.39.9.59 1.41.59.51 0 1.02-.2 1.41-.59l7.78-7.78 2.81-2.81c.8-.78.8-2.07 0-2.86zM5.41 20L4 18.59l7.72-7.72 1.47 1.35L5.41 20z\"/>\n", " </svg>\n", " </button>\n", "\n", "\n", "\n", " <div id=\"df-4641079b-0410-443c-b401-590486ac6806\">\n", " <button class=\"colab-df-quickchart\" onclick=\"quickchart('df-4641079b-0410-443c-b401-590486ac6806')\"\n", " title=\"Suggest charts.\"\n", " style=\"display:none;\">\n", "\n", "<svg xmlns=\"http://www.w3.org/2000/svg\" height=\"24px\"viewBox=\"0 0 24 24\"\n", " width=\"24px\">\n", " <g>\n", " <path d=\"M19 3H5c-1.1 0-2 .9-2 2v14c0 1.1.9 2 2 2h14c1.1 0 2-.9 2-2V5c0-1.1-.9-2-2-2zM9 17H7v-7h2v7zm4 0h-2V7h2v10zm4 0h-2v-4h2v4z\"/>\n", " </g>\n", "</svg>\n", " </button>\n", " </div>\n", "\n", "<style>\n", " .colab-df-quickchart {\n", " background-color: #E8F0FE;\n", " border: none;\n", " border-radius: 50%;\n", " cursor: pointer;\n", " display: none;\n", " fill: #1967D2;\n", " height: 32px;\n", " padding: 0 0 0 0;\n", " width: 32px;\n", " }\n", "\n", " .colab-df-quickchart:hover {\n", " background-color: #E2EBFA;\n", " box-shadow: 0px 1px 2px rgba(60, 64, 67, 0.3), 0px 1px 3px 1px rgba(60, 64, 67, 0.15);\n", " fill: #174EA6;\n", " }\n", "\n", " [theme=dark] .colab-df-quickchart {\n", " background-color: #3B4455;\n", " fill: #D2E3FC;\n", " }\n", "\n", " [theme=dark] .colab-df-quickchart:hover {\n", " background-color: #434B5C;\n", " box-shadow: 0px 1px 3px 1px rgba(0, 0, 0, 0.15);\n", " filter: drop-shadow(0px 1px 2px rgba(0, 0, 0, 0.3));\n", " fill: #FFFFFF;\n", " }\n", "</style>\n", "\n", " <script>\n", " async function quickchart(key) {\n", " const containerElement = document.querySelector('#' + key);\n", " const charts = await google.colab.kernel.invokeFunction(\n", " 'suggestCharts', [key], {});\n", " }\n", " </script>\n", "\n", " <script>\n", "\n", "function displayQuickchartButton(domScope) {\n", " let quickchartButtonEl =\n", " domScope.querySelector('#df-4641079b-0410-443c-b401-590486ac6806 button.colab-df-quickchart');\n", " quickchartButtonEl.style.display =\n", " google.colab.kernel.accessAllowed ? 'block' : 'none';\n", "}\n", "\n", " displayQuickchartButton(document);\n", " </script>\n", " <style>\n", " .colab-df-container {\n", " display:flex;\n", " flex-wrap:wrap;\n", " gap: 12px;\n", " }\n", "\n", " .colab-df-convert {\n", " background-color: #E8F0FE;\n", " border: none;\n", " border-radius: 50%;\n", " cursor: pointer;\n", " display: none;\n", " fill: #1967D2;\n", " height: 32px;\n", " padding: 0 0 0 0;\n", " width: 32px;\n", " }\n", "\n", " .colab-df-convert:hover {\n", " background-color: #E2EBFA;\n", " box-shadow: 0px 1px 2px rgba(60, 64, 67, 0.3), 0px 1px 3px 1px rgba(60, 64, 67, 0.15);\n", " fill: #174EA6;\n", " }\n", "\n", " [theme=dark] .colab-df-convert {\n", " background-color: #3B4455;\n", " fill: #D2E3FC;\n", " }\n", "\n", " [theme=dark] .colab-df-convert:hover {\n", " background-color: #434B5C;\n", " box-shadow: 0px 1px 3px 1px rgba(0, 0, 0, 0.15);\n", " filter: drop-shadow(0px 1px 2px rgba(0, 0, 0, 0.3));\n", " fill: #FFFFFF;\n", " }\n", " </style>\n", "\n", " <script>\n", " const buttonEl =\n", " document.querySelector('#df-1a954f9c-a69b-4678-b119-fe191bdfeda0 button.colab-df-convert');\n", " buttonEl.style.display =\n", " google.colab.kernel.accessAllowed ? 'block' : 'none';\n", "\n", " async function convertToInteractive(key) {\n", " const element = document.querySelector('#df-1a954f9c-a69b-4678-b119-fe191bdfeda0');\n", " const dataTable =\n", " await google.colab.kernel.invokeFunction('convertToInteractive',\n", " [key], {});\n", " if (!dataTable) return;\n", "\n", " const docLinkHtml = 'Like what you see? Visit the ' +\n", " '<a target=\"_blank\" href=https://colab.research.google.com/notebooks/data_table.ipynb>data table notebook</a>'\n", " + ' to learn more about interactive tables.';\n", " element.innerHTML = '';\n", " dataTable['output_type'] = 'display_data';\n", " await google.colab.output.renderOutput(dataTable, element);\n", " const docLink = document.createElement('div');\n", " docLink.innerHTML = docLinkHtml;\n", " element.appendChild(docLink);\n", " }\n", " </script>\n", " </div>\n", " </div>\n" ], "text/plain": [ " text label \\\n", "0 How do I locate my card? 11 \n", "1 I still have not received my new card, I order... 11 \n", "2 I ordered a card but it has not arrived. Help ... 11 \n", "3 Is there a way to know when my card will arrive? 11 \n", "4 My card has not arrived yet. 11 \n", "\n", " topics \\\n", "0 [{'label': 'activate_my_card', 'score': 0.0127... \n", "1 [{'label': 'activate_my_card', 'score': 0.0133... \n", "2 [{'label': 'activate_my_card', 'score': 0.0094... \n", "3 [{'label': 'activate_my_card', 'score': 0.0150... \n", "4 [{'label': 'activate_my_card', 'score': 0.0175... \n", "\n", " sentiment \n", "0 [{'label': 'positive', 'score': 0.348371499634... \n", "1 [{'label': 'positive', 'score': 0.361745933281... \n", "2 [{'label': 'positive', 'score': 0.346292075496... \n", "3 [{'label': 'positive', 'score': 0.426133716131... \n", "4 [{'label': 'positive', 'score': 0.389241385165... " ] }, "execution_count": 51, "metadata": {}, "output_type": "execute_result" } ], "source": [ "data.to_pandas().head()" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "## 构建记录并推送" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "有了我们生成的数据和预测,现在我们可以构建记录(将由标注团队标注的每个数据项),其中包括我们模型的建议。对于 `LabelQuestion`,我们将使用概率得分最高的标签,而对于 `MultiLabelQuestion`,我们将包含所有得分高于一定阈值的标签。在这种情况下,我们决定使用 `2/len(labels)` 作为阈值,但你可以根据你的数据实验,并决定采用更严格或更宽松的阈值。\n", "\n", "> 注意,更宽松的阈值(接近或等于 `1/len(labels)`)将建议更多的标签,而严格的阈值(在 2 到 3 之间)将选择更少的标签(或没有标签)。" ] }, { "cell_type": "code", "execution_count": null, "metadata": {}, "outputs": [], "source": [ "def add_suggestions(record):\n", " suggestions = []\n", " \n", " # get label with max score for sentiment question\n", " sentiment = max(record['sentiment'], key=lambda x: x['score'])['label']\n", " suggestions.append({\"question_name\": \"sentiment\", \"value\": sentiment})\n", "\n", " # get all labels above a threshold for topics questions\n", " threshold = 2 / len(dataset.question_by_name(\"topics\").labels)\n", " topics = [label['label'] for label in record['topics'] if label['score'] >= threshold]\n", " # apply the suggestion only if at least one label was over the threshold\n", " if topics:\n", " suggestions.append({\"question_name\": \"topics\", \"value\": topics})\n", " return suggestions" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "S0I4lkIWqmin" }, "outputs": [], "source": [ "records = [\n", " rg.FeedbackRecord(fields={\"text\": record['text']}, suggestions=add_suggestions(record))\n", " for record in data\n", "]" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "一旦我们对结果满意,我们可以将记录添加到我们上面配置的数据集中。最后,为了可视化并开始标注,你需要将其推送到 Argilla。这意味着将你的数据集添加到运行的 Argilla 服务器上,并使其对标注者可用。" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "id": "CvVgNhQSibLM" }, "outputs": [], "source": [ "dataset.add_records(records)" ] }, { "cell_type": "code", "execution_count": null, "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "l2pdzhuspBA_", "outputId": "a296c87f-35a3-4476-8ed1-56e1f053a953" }, "outputs": [], "source": [ "dataset.push_to_argilla(\"setfit_tutorial\", workspace=\"admin\")" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "这是从我们的模型看建议的 UI 样式\n", "\n", "![Feedback Task dataset with suggestions made using SetFit](https://huggingface.co/datasets/huggingface/cookbook-images/resolve/main/snapshot_setfit_suggestions.png)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ "这部分可选,你还可以将你的 `FeedbackDataset` 保存并加载到 Hugging Face Hub。请参阅[文档](https://docs.argilla.io/en/latest/practical_guides/export_dataset.html)以获取更多关于如何执行此操作的信息。\n", "\n", "\n", "```python\n", "# Push to HuggingFace Hub\n", "dataset.push_to_huggingface(\"argilla/my-dataset\")\n", "\n", "# Load a public dataset\n", "dataset = rg.FeedbackDataset.from_huggingface(\"argilla/my-dataset\")\n", "```" ] }, { "attachments": {}, "cell_type": "markdown", "metadata": {}, "source": [ "## 总结\n", "\n", "在本教程中,我们介绍了如何使用 SetFit 库的零样本方法向 Feedback Task 数据集添加建议。这将通过减少标注团队必须做出的决定和编辑数量来提高标注过程的效率。\n", "\n", "要了解更多关于 SetFit 的信息,请查看以下链接:\n", "\n", "- [更多 Argilla 教程](https://docs.argilla.io/en/latest/tutorials_and_integrations/tutorials/tutorials.html)\n", "- [SetFit 在 GitHub 的仓库](https://github.com/huggingface/setfit)\n", "- [SetFit 文档](https://huggingface.co/docs/setfit/index)\n" ] } ], "metadata": { "accelerator": "GPU", "colab": { "gpuType": "T4", "provenance": [] }, "kernelspec": { "display_name": "argilla", "language": "python", "name": "python3" }, "language_info": { "name": "python", "version": "3.8.15" }, "vscode": { "interpreter": { "hash": "2d98cb9bf90a932b5bf8e86e91214497eb0e38eb318595fbd6fbd5460fe92036" } }, "widgets": { "application/vnd.jupyter.widget-state+json": { "04150cf7e9a74a04aafa94d394553630": { "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": "" } }, "0447a98b5dfe42c899273b9c37bdadad": { "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": "" } }, "0c010df989eb497c810a6f960c6ea41b": { "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": "" } }, "0d7acd8e1a394336aa146e2a442f672c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "16993356757e4ee5b7f8042d58c96e17": { "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": "" } }, "16d42bc00dfe4467a1da86b1d2391d0d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "170a2ee20ab64a9b86db65549a5d4063": { "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_0d7acd8e1a394336aa146e2a442f672c", "placeholder": "​", "style": "IPY_MODEL_3e6c2b50b3084d23b575585c288f087e", "value": "Generating Training Pairs: 100%" } }, "186f82d150994ac7914d0646fb5ff425": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1d58b40ad6a54c25bd451eda4e7d8069": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1ff157a9c8974b07ae97cb115c8d0188": { "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": "" } }, "217760080e494d2d9b0582910d121a28": { "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": "" } }, "242f97eb0f0d4ab1830c62686127b717": { "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_5057f8b8144d41ff9d8b82b8602570fc", "placeholder": "​", "style": "IPY_MODEL_369bc409052a48f7ac2182715406abef", "value": "Iteration: 100%" } }, "255d62fb39454098ab3701753d8d67d6": { "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_77bd2b1f5e57441ab729c6e517279834", "max": 1, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_bc0c58d9d798437fb1d40277d8777777", "value": 1 } }, "25f9bca647f44645b85a644f03807095": { "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_fa5df54e161e40dbbb21ed96c879444e", "placeholder": "​", "style": "IPY_MODEL_16993356757e4ee5b7f8042d58c96e17", "value": " 1/1 [01:28&lt;00:00, 88.63s/it]" } }, "28c40914eac34bcba0c9eb4dac6b0032": { "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": "" } }, "2f271b0778974646aaff691227336e91": { "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_16d42bc00dfe4467a1da86b1d2391d0d", "placeholder": "​", "style": "IPY_MODEL_0447a98b5dfe42c899273b9c37bdadad", "value": " 20/20 [00:00&lt;00:00, 391.01it/s]" } }, "369bc409052a48f7ac2182715406abef": { "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": "" } }, "36b99521f8274a639abb90eb0040d6c0": { "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_70a57ad580f847d3bd3123cfe1539305", "max": 1, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_0c010df989eb497c810a6f960c6ea41b", "value": 1 } }, "379907416f504f05906454e482da2eaf": { "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": "" } }, "38bfdddef0444c0baf9d29248689f846": { "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_3f5aed26eeef4182b360085d83ae795d", "IPY_MODEL_255d62fb39454098ab3701753d8d67d6", "IPY_MODEL_25f9bca647f44645b85a644f03807095" ], "layout": "IPY_MODEL_ae7fc579502e46f7861e402580586b28" } }, "3d282336f5c3425386a417866f367007": { "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": "" } }, "3e622eeea5df47d6a21e015f3e742fa8": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "3e6c2b50b3084d23b575585c288f087e": { "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": "" } }, "3f5aed26eeef4182b360085d83ae795d": { "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_6143886f7acc4591ae5f79ce6f67af4a", "placeholder": "​", "style": "IPY_MODEL_486c1a817552432c8fb20e59d0a3f079", "value": "Epoch: 100%" } }, "3fd94ef662db4fff9dde61455b41faf1": { "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_186f82d150994ac7914d0646fb5ff425", "placeholder": "​", "style": "IPY_MODEL_379907416f504f05906454e482da2eaf", "value": " 1/1 [00:02&lt;00:00, 2.63s/it]" } }, "411de4b297fe4a09acb70951c9f36b82": { "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_c2eac9934f5b407c8e424ee2da9eea58", "IPY_MODEL_36b99521f8274a639abb90eb0040d6c0", "IPY_MODEL_3fd94ef662db4fff9dde61455b41faf1" ], "layout": "IPY_MODEL_d6283b2cf69d45f694633ae1544d47a8" } }, "486c1a817552432c8fb20e59d0a3f079": { "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": "" } }, "501d213a24064f998d4d3c45255d02b7": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "503d373bd18b4b79a1f694916734d903": { "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_6e9e5e1ac58945d0926a85c1fd29ab17", "IPY_MODEL_cc9ccdfefca941e1813258a19afe64ed", "IPY_MODEL_c2238acd18b844c0bb517d670b76ca5c" ], "layout": "IPY_MODEL_90eec4e8ae8b42268548588db2fcbf49" } }, "5057f8b8144d41ff9d8b82b8602570fc": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "5692de58835a466695fcc8f0d5976b74": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "571fd48c2da8432e8a74e7b318eb6042": { "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": "" } }, "5a06b8d12b494daeb0624f2e39e06e67": { "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": "" } }, "5cc0f7cc30ae4aa4b13966a773e4c824": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "5e0377b4b48c441a8d747ea904c3207b": { "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": "" } }, "6143886f7acc4591ae5f79ce6f67af4a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "621bb7d632814cb0839755ca56098d7a": { "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": "" } }, "668593b82ae54d3cbaf1a19c0307c545": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "6e9e5e1ac58945d0926a85c1fd29ab17": { "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_501d213a24064f998d4d3c45255d02b7", "placeholder": "​", "style": "IPY_MODEL_3d282336f5c3425386a417866f367007", "value": "Generating Training Pairs: 100%" } }, "70a57ad580f847d3bd3123cfe1539305": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "750011ef09534e55bab5180974bcf5d4": { "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": "" } }, "77bd2b1f5e57441ab729c6e517279834": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "783115bacdbf4c0bb09c0b1fc7976d28": { "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_242f97eb0f0d4ab1830c62686127b717", "IPY_MODEL_bfecbc09a4f84f3db51903d5048ff825", "IPY_MODEL_db7cf4427ad746cd86df88f7a1016bc9" ], "layout": "IPY_MODEL_668593b82ae54d3cbaf1a19c0307c545" } }, "7a12fbf5400a468fbdce4b2b2008eefc": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "7b96b0a21eba4ad5a4c12534940b3591": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "7ca015b6798947d58d275de6181fe053": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "90eec4e8ae8b42268548588db2fcbf49": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "980f36d72cfa403aad67e871aecba890": { "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_f5e35991e6d849eca73282c9c359000a", "placeholder": "​", "style": "IPY_MODEL_5a06b8d12b494daeb0624f2e39e06e67", "value": " 1540/1540 [01:28&lt;00:00, 21.45it/s]" } }, "9a7c8861a37b41eba191059546f5dd5d": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "a9ce0af78a2241e697a22229db7840ab": { "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_7a12fbf5400a468fbdce4b2b2008eefc", "placeholder": "​", "style": "IPY_MODEL_04150cf7e9a74a04aafa94d394553630", "value": "Iteration: 100%" } }, "ae6ffc6572b54c059196983da4ff2d79": { "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_9a7c8861a37b41eba191059546f5dd5d", "max": 1540, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_217760080e494d2d9b0582910d121a28", "value": 1540 } }, "ae7fc579502e46f7861e402580586b28": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "bc0c58d9d798437fb1d40277d8777777": { "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": "" } }, "bfecbc09a4f84f3db51903d5048ff825": { "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_5cc0f7cc30ae4aa4b13966a773e4c824", "max": 60, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_28c40914eac34bcba0c9eb4dac6b0032", "value": 60 } }, "c21e90a6dda643d8bd82abf4e346d45c": { "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_170a2ee20ab64a9b86db65549a5d4063", "IPY_MODEL_fd7c2acc4b1945feabe6715dd270cb72", "IPY_MODEL_2f271b0778974646aaff691227336e91" ], "layout": "IPY_MODEL_ef245777ac3d435e8715fc55b1d4824c" } }, "c2238acd18b844c0bb517d670b76ca5c": { "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_1d58b40ad6a54c25bd451eda4e7d8069", "placeholder": "​", "style": "IPY_MODEL_5e0377b4b48c441a8d747ea904c3207b", "value": " 20/20 [00:01&lt;00:00, 10.96it/s]" } }, "c2eac9934f5b407c8e424ee2da9eea58": { "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_7ca015b6798947d58d275de6181fe053", "placeholder": "​", "style": "IPY_MODEL_750011ef09534e55bab5180974bcf5d4", "value": "Epoch: 100%" } }, "cc9ccdfefca941e1813258a19afe64ed": { "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_7b96b0a21eba4ad5a4c12534940b3591", "max": 20, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_571fd48c2da8432e8a74e7b318eb6042", "value": 20 } }, "d11aa6a0c8c54481b6cc2c80d1fa0ba1": { "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_a9ce0af78a2241e697a22229db7840ab", "IPY_MODEL_ae6ffc6572b54c059196983da4ff2d79", "IPY_MODEL_980f36d72cfa403aad67e871aecba890" ], "layout": "IPY_MODEL_5692de58835a466695fcc8f0d5976b74" } }, "d6283b2cf69d45f694633ae1544d47a8": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "db7cf4427ad746cd86df88f7a1016bc9": { "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_3e622eeea5df47d6a21e015f3e742fa8", "placeholder": "​", "style": "IPY_MODEL_621bb7d632814cb0839755ca56098d7a", "value": " 60/60 [00:02&lt;00:00, 23.09it/s]" } }, "ef245777ac3d435e8715fc55b1d4824c": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "f5e35991e6d849eca73282c9c359000a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "fa5df54e161e40dbbb21ed96c879444e": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "fd7c2acc4b1945feabe6715dd270cb72": { "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_ff7f98b368c448ea81e4c79fded0be5a", "max": 20, "min": 0, "orientation": "horizontal", "style": "IPY_MODEL_1ff157a9c8974b07ae97cb115c8d0188", "value": 20 } }, "ff7f98b368c448ea81e4c79fded0be5a": { "model_module": "@jupyter-widgets/base", "model_module_version": "1.2.0", "model_name": "LayoutModel", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } } } } }, "nbformat": 4, "nbformat_minor": 0 }