{ "cells": [ { "cell_type": "code", "source": [ "!pip install -q transformers pytorch-lightning\n", "!pip install pandas\n", "! pip install transformers datasets evaluate\n", "! pip install timm\n", "! pip install -U accelerate\n", "\n", "#(1) hugging face에 write token으로 로그인\n", "#로그인을 해야 train 가능\n", "from huggingface_hub import notebook_login\n", "\n", "notebook_login()\n", "\n", "import pandas as pd\n", "from datasets import load_dataset\n", "import numpy as np\n", "import os\n", "from PIL import Image, ImageDraw\n", "import random\n", "from transformers import AutoImageProcessor, AutoModelForObjectDetection, TrainingArguments, Trainer, pipeline\n", "import albumentations\n", "import numpy as np\n", "import torch\n", "import json\n", "import torchvision\n", "import evaluate\n", "from tqdm import tqdm\n", "import requests\n", "\n", "use_data = load_dataset(\"Multimodal-Fatima/OK-VQA_train\")\n", "\n", "# 처음 200개의 데이터를 가져옵니다.\n", "used_data = use_data['train'][:200]\n", "\n", "# 데이터셋의 구조 확인\n", "print(f\"Type of used_data: {type(used_data)}\")\n", "\n", "# 선택할 특성\n", "selected_features_to_keep = ['question', 'answers', 'image']\n", "\n", "# 새로운 데이터를 담을 리스트 초기화\n", "new_data = []\n", "\n", "# 기존 데이터에서 선택한 특성만 포함한 새로운 데이터 생성\n", "new_data_point = {feature: used_data.get(feature) for feature in selected_features_to_keep}\n", "new_data.append(new_data_point)\n", "\n", "# 결과 출력\n", "for data_point in new_data:\n", " print(\"New Data Point:\")\n", " for feature in selected_features_to_keep:\n", " print(f\"{feature}: {data_point.get(feature)}\")\n", " print()\n", "# 'answers'의 첫 번째 답변만 선택\n", "selected_answers = [ans[0] for ans in used_data['answers']]\n", "\n", "# LabelEncoder를 사용하여 답변을 id로 매핑\n", "label_encoder = LabelEncoder()\n", "encoded_labels = label_encoder.fit_transform(selected_answers)\n", "\n", "# 매핑된 id를 데이터셋에 추가\n", "used_data['label_ids'] = encoded_labels\n", "\n", "# 편평화(flatten)를 위한 함수 정의\n", "def flatten_data(dataset):\n", " flattened_data = []\n", " for i in range(len(dataset['question'])):\n", " flattened_data.append({\n", " 'question': dataset['question'][i],\n", " 'label_ids': dataset['label_ids'][i],\n", " 'image': dataset['image'][i],\n", " })\n", " return flattened_data\n", "\n", "# 편평화 진행\n", "flattened_data = flatten_data(used_data)\n", "\n", "# 결과 출력\n", "for data_point in flattened_data:\n", " print(\"편평화된 데이터 포인트:\")\n", " print(f\"질문: {data_point['question']}\")\n", " print(f\"라벨 ID: {data_point['label_ids']}\")\n", " print(f\"이미지: {data_point['image']}\")\n", " print()\n", "\n", "# 첫 번째 편평화된 데이터 포인트 출력\n", "print(flattened_data[0])\n", "\n", "\n", "\n", "\n", "\n", "\n" ], "metadata": { "colab": { "base_uri": "https://localhost:8080/", "height": 1000, "referenced_widgets": [ "a03e858cba9641a2a48a2ef0c5f72395", "09fabe9c5d9f48e3977b78719955bfcc", "a277f04253704c49ac93154d0116f82f", "e69406679ea14ac2bf5c3129b3f49688", "eec1ebd3828f441980de0d4748530292", "a3df5f3b040e47eca41b6edb18bfdaec", "70fe23ef9d0640f58a7defe83909466f", "7e839dca60f0417b8707fe24e6eaf4fc", "71347320b26c42ef8502183e2c1c49ab", "79a242ffa6e245d684c802a7ce259bec", "019eb84d8587454b9a27342324686b94", "80d10db11d554e1cbe4bec6798d48273", "1013a24fb2094ad182d67e806a3a8383", "4418715a20534c688bac598d1360bbc9", "0700f3b9f27e459b8eed08b7eda82db9", "4d60042a3bf14a059633598673f0b3eb", "26ecc6362da946c8b3d2607e99796499" ] }, "id": "ziV4-x0GXkJ3", "outputId": "f5ee4438-34d9-4e81-c317-326185173ec5" }, "execution_count": 72, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "Traceback (most recent call last):\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_vendor/pkg_resources/__init__.py\", line 3109, in _dep_map\n", " return self.__dep_map\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_vendor/pkg_resources/__init__.py\", line 2902, in __getattr__\n", " raise AttributeError(attr)\n", "AttributeError: _DistInfoDistribution__dep_map\n", "\n", "During handling of the above exception, another exception occurred:\n", "\n", "Traceback (most recent call last):\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/cli/base_command.py\", line 180, in exc_logging_wrapper\n", " status = run_func(*args)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/cli/req_command.py\", line 245, in wrapper\n", " return func(self, options, args)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/commands/install.py\", line 444, in run\n", " conflicts = self._determine_conflicts(to_install)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/commands/install.py\", line 575, in _determine_conflicts\n", " return check_install_conflicts(to_install)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/operations/check.py\", line 106, in check_install_conflicts\n", " package_set, _ = create_package_set_from_installed()\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/operations/check.py\", line 45, in create_package_set_from_installed\n", " dependencies = list(dist.iter_dependencies())\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/metadata/pkg_resources.py\", line 221, in iter_dependencies\n", " return self._dist.requires(extras)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_vendor/pkg_resources/__init__.py\", line 2822, in requires\n", " dm = self._dep_map\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_vendor/pkg_resources/__init__.py\", line 3111, in _dep_map\n", " self.__dep_map = self._compute_dependencies()\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_vendor/pkg_resources/__init__.py\", line 3121, in _compute_dependencies\n", " reqs.extend(parse_requirements(req))\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_vendor/pkg_resources/__init__.py\", line 3164, in parse_requirements\n", " return map(Requirement, join_continuation(map(drop_comment, yield_lines(strs))))\n", " File \"/usr/lib/python3.10/functools.py\", line 889, in wrapper\n", " return dispatch(args[0].__class__)(*args, **kw)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/utils/_jaraco_text.py\", line 61, in _\n", " return filter(_nonblank, map(str.strip, text.splitlines()))\n", "KeyboardInterrupt\n", "\n", "During handling of the above exception, another exception occurred:\n", "\n", "Traceback (most recent call last):\n", " File \"/usr/local/bin/pip\", line 8, in \n", " sys.exit(main())\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/cli/main.py\", line 79, in main\n", " return command.main(cmd_args)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/cli/base_command.py\", line 101, in main\n", " return self._main(args)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/cli/base_command.py\", line 234, in _main\n", " return run(options, args)\n", " File \"/usr/local/lib/python3.10/dist-packages/pip/_internal/cli/base_command.py\", line 217, in exc_logging_wrapper\n", " logger.critical(\"Operation cancelled by user\")\n", " File \"/usr/lib/python3.10/logging/__init__.py\", line 1524, in critical\n", " self._log(CRITICAL, msg, args, **kwargs)\n", " File \"/usr/lib/python3.10/logging/__init__.py\", line 1612, in _log\n", " fn, lno, func, sinfo = self.findCaller(stack_info, stacklevel)\n", " File \"/usr/lib/python3.10/logging/__init__.py\", line 1554, in findCaller\n", " f = currentframe()\n", " File \"/usr/lib/python3.10/logging/__init__.py\", line 160, in \n", " currentframe = lambda: sys._getframe(3)\n", "KeyboardInterrupt\n", "^C\n", "Requirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (1.5.3)\n", "Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2.8.2)\n", "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2023.3.post1)\n", "Requirement already satisfied: numpy>=1.21.0 in /usr/local/lib/python3.10/dist-packages (from pandas) (1.23.5)\n", "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas) (1.16.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: transformers in /usr/local/lib/python3.10/dist-packages (4.35.2)\n", "Requirement already satisfied: datasets in /usr/local/lib/python3.10/dist-packages (2.15.0)\n", "Requirement already satisfied: evaluate in /usr/local/lib/python3.10/dist-packages (0.4.1)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers) (3.13.1)\n", "Requirement already satisfied: huggingface-hub<1.0,>=0.16.4 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.19.4)\n", "Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers) (1.23.5)\n", "Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from transformers) (23.2)\n", "Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from transformers) (6.0.1)\n", "Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers) (2023.6.3)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers) (2.31.0)\n", "Requirement already satisfied: tokenizers<0.19,>=0.14 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.15.0)\n", "Requirement already satisfied: safetensors>=0.3.1 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.4.0)\n", "Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers) (4.66.1)\n", "Requirement already satisfied: pyarrow>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (9.0.0)\n", "Requirement already satisfied: pyarrow-hotfix in /usr/local/lib/python3.10/dist-packages (from datasets) (0.6)\n", "Requirement already satisfied: dill<0.3.8,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (0.3.7)\n", "Requirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (from datasets) (1.5.3)\n", "Requirement already satisfied: xxhash in /usr/local/lib/python3.10/dist-packages (from datasets) (3.4.1)\n", "Requirement already satisfied: multiprocess in /usr/local/lib/python3.10/dist-packages (from datasets) (0.70.15)\n", "Requirement already satisfied: fsspec<=2023.10.0,>=2023.1.0 in /usr/local/lib/python3.10/dist-packages (from fsspec[http]<=2023.10.0,>=2023.1.0->datasets) (2023.6.0)\n", "Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from datasets) (3.8.6)\n", "Requirement already satisfied: responses<0.19 in /usr/local/lib/python3.10/dist-packages (from evaluate) (0.18.0)\n", "Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (23.1.0)\n", "Requirement already satisfied: charset-normalizer<4.0,>=2.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (3.3.2)\n", "Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (6.0.4)\n", "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (4.0.3)\n", "Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.9.2)\n", "Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.4.0)\n", "Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.3.1)\n", "Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub<1.0,>=0.16.4->transformers) (4.5.0)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (2.0.7)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (2023.7.22)\n", "Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets) (2.8.2)\n", "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets) (2023.3.post1)\n", "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas->datasets) (1.16.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: timm in /usr/local/lib/python3.10/dist-packages (0.9.12)\n", "Requirement already satisfied: torch>=1.7 in /usr/local/lib/python3.10/dist-packages (from timm) (2.1.0+cu118)\n", "Requirement already satisfied: torchvision in /usr/local/lib/python3.10/dist-packages (from timm) (0.16.0+cu118)\n", "Requirement already satisfied: pyyaml in /usr/local/lib/python3.10/dist-packages (from timm) (6.0.1)\n", "Requirement already satisfied: huggingface-hub in /usr/local/lib/python3.10/dist-packages (from timm) (0.19.4)\n", "Requirement already satisfied: safetensors in /usr/local/lib/python3.10/dist-packages (from timm) (0.4.0)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (3.13.1)\n", "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (4.5.0)\n", "Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (1.12)\n", "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (3.2.1)\n", "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (3.1.2)\n", "Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (2023.6.0)\n", "Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (2.1.0)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->timm) (2.31.0)\n", "Requirement already satisfied: tqdm>=4.42.1 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->timm) (4.66.1)\n", "Requirement already satisfied: packaging>=20.9 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->timm) (23.2)\n", "Requirement already satisfied: numpy in /usr/local/lib/python3.10/dist-packages (from torchvision->timm) (1.23.5)\n", "Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in /usr/local/lib/python3.10/dist-packages (from torchvision->timm) (9.4.0)\n", "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.7->timm) (2.1.3)\n", "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (3.3.2)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (2.0.7)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (2023.7.22)\n", "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.7->timm) (1.3.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: accelerate in /usr/local/lib/python3.10/dist-packages (0.24.1)\n", "Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from accelerate) (1.23.5)\n", "Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from accelerate) (23.2)\n", "Requirement already satisfied: psutil in /usr/local/lib/python3.10/dist-packages (from accelerate) (5.9.5)\n", "Requirement already satisfied: pyyaml in /usr/local/lib/python3.10/dist-packages (from accelerate) (6.0.1)\n", "Requirement already satisfied: torch>=1.10.0 in /usr/local/lib/python3.10/dist-packages (from accelerate) (2.1.0+cu118)\n", "Requirement already satisfied: huggingface-hub in /usr/local/lib/python3.10/dist-packages (from accelerate) (0.19.4)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.13.1)\n", "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (4.5.0)\n", "Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (1.12)\n", "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.2.1)\n", "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.1.2)\n", "Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (2023.6.0)\n", "Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (2.1.0)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (2.31.0)\n", "Requirement already satisfied: tqdm>=4.42.1 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (4.66.1)\n", "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.10.0->accelerate) (2.1.3)\n", "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (3.3.2)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (2.0.7)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (2023.7.22)\n", "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.10.0->accelerate) (1.3.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0m" ] }, { "output_type": "display_data", "data": { "text/plain": [ "VBox(children=(HTML(value='
\n", "New Data Point:\n", "question: ['What is the hairstyle of the blond called?', 'How old do you have to be in canada to do this?', 'Can you guess the place where the man is playing?', 'Which rail company is named after a town in new mexico?', 'Is the boy swimming or doing another water activity?', 'Why do kids stare?', 'When was this piece of sporting equipment invented?', 'Why is this officer using this mode of transportation?', 'Why is this an atypical look for someone wearing this makeup?', 'Which american president is most associated with the stuffed animal seen here?', 'Which breed of dog it this?', 'What is the name of the famous dreamworks animated film where this animal was voiced by chris rock?', 'What objects is this person using to help them ski?', 'Has this guy shaved his beard today how do you know?', 'Where would i find this room?', 'What toy store used a mascot similar to these animals for many years?', 'What would the red bottle next to the sink probably contain?', 'How long can this vessel travel?', 'What bird appears in this picture?', 'What event are they setting up for?', 'What is this meeting about?', \"What's the name of this river?\", 'Is the scene indoors or outdoors?', 'What kind of dog is in the photo?', 'What is on the round plate?', 'What does this vehicle usually do?', 'What is the largest of this type of waterway?', 'What kind of desserts are this?', 'Are the lightswitches on or off?', 'What are the red items in the bowl?', 'What type of animal is this?', 'What kind of bushes are behind that bench?', 'What fields are these vechicles used to spray?', 'What image is on the airplane?', 'What is the name of the park these benches reside in?', \"What is missing from this man's body?\", 'In what country would you find this bus?', 'What religion holds these animals as sacred?', 'What is this vehicle used for?', 'What type of flowers are in the pot?', 'What is the common name of the orange items seen here?', 'What brand of glove is this?', 'In which type of location are all these people located?', 'What are these green signs typically used for?', 'What does one call the sheer netting the woman is wearing over her head?', 'What are those giraffes eating?', 'What are the panels on the wall used for?', 'What are these two individuals celebrating?', 'What is normally used to kill the animals mounted on the wall?', 'What artist is famous to painting images similar to the one over the fireplace?', 'Is the beer bottle full or empty?', 'Is this in a resturaunt or at home?', 'What is the name of the bridge in the background?', 'These doors are used for what?', 'What kind of battery does this device use?', 'The feet of animals like these are called what?', 'What are the most popular countries for this sport?', 'What brand of shoes is the white woman wearing?', 'What does this sign signify?', 'What is the best way to eat this?', 'Who invented this sport?', 'What breed of sheep is this?', 'What year did this action figures first get released?', 'Which disney movie featured this type of garb?', 'Is it day or night here?', 'What is the name of the bean that the flavor of the cupcake comes from?', 'What brand is this blender?', 'The term multi tasking refers to which two activities seen here?', 'Is this airplane most likely taking off or landing?', 'What might be some alternate uses of the can shown in the photo?', 'Is this a city bus or a tour bus?', 'What is filled in those bottles?', 'What nickname for the furry animal starts with the same letter as the food in the box?', \"This young man is demonstrating something you shouldn't do what is it?\", 'What kind of store would sell this?', 'What vitamins do you get from these vegetables?', 'What position does she play?', 'Why is that bus taking up three lanes?', 'How fast can a plane like this fly?', 'What do birds do in the winter?', 'What is this technique called?', 'What character is this umbrella designed after?', 'What is the maximum weight the red suitcase can carry?', 'What type of phone does this man have?', 'What is the name of the item worn around the neck and tied at the waist?', 'When was the last time this team won a national title?', 'What is used to help the green plant grow?', 'What is the name of those flowers?', 'What is the profession of the man in this photo?', 'What sandwich is that?', 'What opbect is used to protect the eyes which doing water activities at this location?', 'What is the elephant doing?', 'What are the seats behind the umpire called?', 'How do you care for this equipment?', 'Which are some color corrections needed in this photo?', 'If one of the dogs falls off this apparatus will it likely float or sink?', 'What is the complimentary color to the wall?', 'When was this sport invented?', 'What kind of doughnut is in this picture?', 'Which first lady campaigned for healthier school meals?', 'What can happen the objects shown are thrown on the ground?', 'What was the machine beside the bowl used for?', 'What kind of cars are in the photo?', 'What loony tune character is in this photo?', 'How many servings of this food does the average american consume yearly?', 'What famous singer dances and sings while holding one of these?', 'What is following the elephant?', 'How old is the man with the receding hairline?', 'What is the brand of the faucet?', 'What type of dog is this?', 'What kind of purple flours are growing in the background?', 'What superhero is on the box?', 'What year was the sport played by this team invented?', 'What is the young school girl demonstrating something to the gentleman?', 'What type of health condition would you say this cow is in?', 'Is this a gerbil or hamster?', 'Which essential food group is missing?', 'Id these birds?', 'What sort of portable item serves to move the air just like this ceiling item?', 'What type of shoes is the child wearing?', 'What style of window has an arch on top?', 'Whose birthday is being celebrated?', \"What's the brand of bus?\", 'Do the lanes in the picture run in the same or opposing direction?', 'What position is this man sitting in?', 'What is the mouse attached to?', 'What kind of instruments are they playing?', 'What is the object in the persons hand called?', 'What kind of architecture is shown?', 'What happened to these scissors?', 'What is the child wearing over their red shirt?', 'What kind of cargo do these train cars carry?', 'What does the bright red light on the vehicle mean?', 'Where is this?', 'How tall is the mast on this boat?', 'What would you use this room for?', 'What does it mean if this were to light up yellow?', 'What is the compression ratio of the motor in this motorcycle?', 'Where can that toilet seat be bought?', 'What is this sign for?', 'Which item depicted here is also a kind of shoe?', 'What type of brightly colored bird is this?', 'What famous mountain is in the background?', 'What do you call the kind of pants that the man on the right is wearing?', 'What type of knife is being used to cut this apple?', 'What are the shapes around this cake?', 'Is it easier to use chopsticks or cutlery?', 'What type of lights are on the ceiling?', 'What is the main attraction presented in this picture?', 'What kind of day is this?', 'Which asian american female won a gold medal in this sport?', 'What activities are usually done here?', 'What kind of material is this floor made of?', 'How long did it take to make this?', 'What breed are these dogs?', 'How fast is the train?', 'How fast does this vehicle typically go?', 'Which movie starring gene kelley contained a famous muscial number with this item in?', 'What is the animals offspring called?', 'Is this after or before school hours?', 'What are two common cooking methods for this food?', 'How tall are these buses?', 'What sort of knee length plaid garment is associated with where this bus is?', 'What does the sign in the reflection say?', 'What type of dog is this?', 'What kind of elephants are these?', 'How old is the baby giraffe?', 'What should the cars be doing at this light?', 'What type of drink is present in the photo?', 'What did people ride during the pony express?', 'Who won the championship in this sport last year?', 'What room are they in and who is the politician?', 'A peahen is the female variant of what metal creatures shown?', 'Are these saltwater or freshwater fish?', \"Name the male's profession?\", 'What is the formal name of this type of drapery?', 'Where is this scene usually seen?', 'How fast can this transportation vehicle go?', 'What kind of necks do these animals have?', 'What company is featured in this picture?', 'What kind of craft are drifting along this waterway?', 'How long do the babies of this animal stay with their parent?', \"What are the red veggies called that's on this tray?\", 'What is a baby of this animal called?', 'What traveling device is being used?', 'What cultural icon is referenced by the red suits?', 'What is the man in the middle selling?', 'In what state are these mountain ranges?', \"What is the boat hook to so it doesn't float away?\", 'What is the percentage of families that have this amount of kids in them in the world?', 'In the wild is this animal more likely to be predator or prey?', 'Where is this photo taken from?', 'What is wrong with this picture?', 'What kind of flowers are in that vase?', 'What radio station is on?', 'What is a common stowaway in this product?', 'What material are these suits made of?', 'What kind of outfit is needed for this?', 'What does the graffiti on the sign say?', 'Name the type of wood used to make this table in this picture?']\n", "answers: [['pony tail', 'pony tail', 'pony tail', 'pony tail', 'pony tail', 'pony tail', 'braid', 'braid', 'ponytail', 'ponytail'], ['18', '18', '18', '18', '18', '18', '18', '18', '18', '18'], ['aspen', 'aspen', 'mountains', 'mountains', 'mountain', 'mountain', 'colorado', 'colorado', 'vale co', 'vale co'], ['santa fe', 'santa fe', 'santa fe', 'santa fe', 'new england', 'new england', 'bnsf', 'bnsf', 'sante fe', 'sante fe'], ['another activity', 'another activity', 'another activity', 'another activity', 'wakeboarding', 'wakeboarding', 'fishing', 'fishing', 'surfing', 'surfing'], ['curious', 'curious', 'curious', 'curious', 'unusual', 'unusual', 'not taught manners', 'not taught manners', 'scared', 'scared'], ['1926', '1926', '1926', '1926', '1960s', '1960s', '1965', '1965', 'surfboard', 'surfboard'], ['patrol', 'patrol', 'patrol', 'patrol', 'crowd control', 'crowd control', 'fast', 'fast', 'he is mounted officer', 'he is mounted officer'], ['clown', 'clown', 'clown', 'clown', 'clown', 'clown', 'sad clown', 'sad clown', 'not in circus', 'not in circus'], ['theodore roosevelt', 'theodore roosevelt', 'theodore roosevelt', 'theodore roosevelt', 'teddy roosevelt', 'teddy roosevelt', 'george w bush', 'george w bush', 'roosevelt', 'roosevelt'], ['doberman', 'doberman', 'doberman', 'doberman', 'labrador retriever', 'labrador retriever', 'labrador retriever', 'labrador retriever', 'lab', 'lab'], ['madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar'], ['poles', 'poles', 'poles', 'poles', 'helmet', 'helmet', 'ski poles', 'ski poles', 'ski', 'ski'], ['no scruffy', 'no scruffy', 'no scruffy', 'no scruffy', 'no hairy', 'no hairy', 'stubble', 'stubble', 'no stubble', 'no stubble'], ['jail', 'jail', 'jail', 'jail', 'jail', 'jail', 'prison', 'prison', 'prison', 'prison'], ['toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us'], ['dish soap', 'dish soap', 'dish soap', 'dish soap', 'soap', 'soap', 'water', 'water', 'dishsoap', 'dishsoap'], ['100 miles', '100 miles', '100 miles', '100 miles', '4 hours', '4 hours', '3 hours', '3 hours', '7 hours', '7 hours'], ['eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'bald eagle', 'bald eagle'], ['birthday party', 'birthday party', 'birthday party', 'birthday party', 'new years', 'new years', 'birthday', 'birthday', 'party', 'party'], ['politics', 'politics', 'politics', 'politics', 'problems', 'problems', 'table', 'table', 'laws', 'laws'], ['mississippi', 'mississippi', 'mississippi', 'mississippi', 'dirty', 'dirty', 'fox', 'fox', 'thames', 'thames'], ['outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoor', 'outdoor'], ['saint bernard', 'saint bernard', 'saint bernard', 'saint bernard', 'saint bernard', 'saint bernard', 'st bernard', 'st bernard', 'bulldog', 'bulldog'], ['croissant', 'croissant', 'croissant', 'croissant', 'pastry', 'pastry', 'cressoint', 'cressoint', 'croissaint', 'croissaint'], ['transport people', 'transport people', 'transport people', 'transport people', 'tours', 'tours', 'transport', 'transport', 'ride', 'ride'], ['canal', 'canal', 'canal', 'canal', 'pacific', 'pacific', 'white nile', 'white nile', 'panama canal', 'panama canal'], ['pastry', 'pastry', 'pastry', 'pastry', 'pastries', 'pastries', 'pastries', 'pastries', 'cupcake', 'cupcake'], ['on', 'on', 'on', 'on', 'on', 'on', 'on', 'on', 'on', 'on'], ['tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'grapes', 'grapes'], ['llama', 'llama', 'llama', 'llama', 'camel', 'camel', 'camel', 'camel', 'giraffe', 'giraffe'], ['kudzu', 'kudzu', 'juniper', 'juniper', 'snapdragons', 'snapdragons', 'hedges', 'hedges', 'hedge', 'hedge'], ['crops', 'crops', 'crops', 'crops', 'crop', 'crop', 'corn', 'corn', 'crop fields', 'crop fields'], ['leaf', 'leaf', 'leaf', 'leaf', 'leaf', 'leaf', 'canadian', 'canadian', 'maple leaf', 'maple leaf'], ['central park', 'central park', 'central park', 'central park', 'central park', 'central park', 'public park', 'public park', 'central', 'central'], ['shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'hair', 'hair'], ['united kingdom', 'united kingdom', 'united kingdom', 'united kingdom', 'england', 'england', 'england', 'england', 'london', 'london'], ['hindu', 'hindu', 'hindu', 'hindu', 'hinduism', 'hinduism', 'hinduism', 'hinduism', 'muslim', 'muslim'], ['commuter train', 'commuter train', 'transportation', 'transportation', 'commuting to work', 'commuting to work', 'transporting people', 'transporting people', 'transport', 'transport'], ['black eyed susan', 'black eyed susan', 'pansies', 'pansies', 'daffodils', 'daffodils', 'daisies', 'daisies', 'daisy', 'daisy'], ['noodle', 'noodle', 'noodle', 'noodle', 'oranges', 'oranges', 'noodles', 'noodles', 'wind funnel', 'wind funnel'], ['rawling', 'rawling', 'rawling', 'rawling', 'russell', 'russell', 'wilson', 'wilson', 'easton and mizuno', 'easton and mizuno'], ['stadium', 'stadium', 'stadium', 'stadium', 'baseball stadium', 'baseball stadium', 'baseball field', 'baseball field', 'baseball game', 'baseball game'], ['street names', 'street names', 'street names', 'street names', 'street names', 'street names', 'street names', 'street names', 'street signs', 'street signs'], ['veil', 'veil', 'veil', 'veil', 'veil', 'veil', 'hajab', 'hajab', 'mosquito', 'mosquito'], ['grain', 'grain', 'grain', 'grain', 'leaves', 'leaves', 'hay', 'hay', 'straw', 'straw'], ['privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'disposables', 'disposables'], ['marriage', 'marriage', 'marriage', 'marriage', 'anniversary', 'anniversary', 'birthday', 'birthday', 'promotion', 'promotion'], ['gun', 'gun', 'gun', 'gun', 'gun', 'gun', 'guns', 'guns', 'rifle', 'rifle'], ['van gogh', 'van gogh', 'van gogh', 'van gogh', 'vincent von goh', 'vincent von goh', 'piccosso', 'piccosso', 'monet', 'monet'], ['full', 'full', 'full', 'full', 'full', 'full', 'full', 'full', 'full', 'full'], ['resturaunt', 'resturaunt', 'resturaunt', 'resturaunt', 'restaurant', 'restaurant', 'restaurant', 'restaurant', 'home', 'home'], ['golden gate', 'golden gate', 'golden gate', 'golden gate', 'golden gate', 'golden gate', 'san fransico bay', 'san fransico bay', 'golen gate', 'golen gate'], ['elevator', 'elevator', 'elevator', 'elevator', 'elevator', 'elevator', 'entering', 'entering', 'elevators', 'elevators'], ['lithium', 'lithium', 'lithium', 'lithium', 'lithium', 'lithium', 'cell phone battery', 'cell phone battery', 'ion', 'ion'], ['paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws'], ['brazil', 'brazil', 'brazil', 'brazil', 'france', 'france', 'england australia', 'england australia', 'european union', 'european union'], ['converse', 'converse', 'converse', 'converse', 'converse', 'converse', 'keds', 'keds', 'new balance', 'new balance'], ['speed limit', 'speed limit', 'speed limit', 'speed limit', 'speed limit enforced', 'speed limit enforced', 'mpg', 'mpg', 'speed measure', 'speed measure'], ['peel', 'peel', 'peel', 'peel', 'peel', 'peel', 'to peel off its skin and then eat', 'to peel off its skin and then eat', 'hands', 'hands'], ['tom sims', 'tom sims', 'tom sims', 'tom sims', 'unsure', 'unsure', 'no idea', 'no idea', 'white people', 'white people'], ['merino', 'merino', 'merino', 'merino', 'merino', 'merino', 'sheep', 'sheep', 'suffolk', 'suffolk'], ['1977', '1977', '1977', '1977', '1977', '1977', '1975', '1975', '1978', '1978'], ['mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'memoirs of geisha', 'memoirs of geisha'], ['day', 'day', 'day', 'day', 'day', 'day', 'night', 'night', 'night', 'night'], ['cocoa', 'cocoa', 'cocoa', 'cocoa', 'cocoa', 'cocoa', 'cacao', 'cacao', 'coffee', 'coffee'], ['oster', 'oster', 'oster', 'oster', 'oster', 'oster', 'kitchenaid', 'kitchenaid', 'whirlpool', 'whirlpool'], ['talking and eating', 'talking and eating', 'talking and eating', 'talking and eating', 'talking on phone and eating', 'talking on phone and eating', 'eating and talking on phone', 'eating and talking on phone', 'eating and listening', 'eating and listening'], ['landing', 'landing', 'landing', 'landing', 'landing', 'landing', 'landing', 'landing', 'taking off', 'taking off'], ['vase', 'vase', 'vase', 'vase', 'paperweight', 'paperweight', 'cookie cutter', 'cookie cutter', 'pot', 'pot'], ['tour bus', 'tour bus', 'tour bus', 'tour bus', 'tour', 'tour', 'tour', 'tour', 'tourbus', 'tourbus'], ['citrus juice', 'citrus juice', 'citrus juice', 'citrus juice', 'candy', 'candy', 'juice', 'juice', 'furit juice', 'furit juice'], ['pussy', 'pussy', 'pussy', 'pussy', 'precious', 'precious', 'puss', 'puss', 'pussycat', 'pussycat'], ['run with scissors', 'run with scissors', 'run with scissors', 'run with scissors', 'run with scissors', 'run with scissors', 'stab yourself', 'stab yourself', 'running', 'running'], ['gift shop', 'gift shop', 'gift shop', 'gift shop', 'decor', 'decor', 'craft', 'craft', 'home depot', 'home depot'], ['beta carotene', 'beta carotene', 'beta carotene', 'beta carotene', '', '', 'vitamin b', 'vitamin b', 'vitamin d', 'vitamin d'], ['goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie'], ['turning', 'turning', 'turning', 'turning', 'pulling over', 'pulling over', 'bad driving', 'bad driving', 'big', 'big'], ['700 mph', '700 mph', '700 mph', '700 mph', '55', '55', '500mph', '500mph', '200 mph', '200 mph'], ['fly south', 'fly south', 'fly south', 'fly south', 'fly south', 'fly south', 'migrate', 'migrate', 'migrate', 'migrate'], ['roasting', 'roasting', 'roasting', 'roasting', 'roasting', 'roasting', 'baking', 'baking', 'baking', 'baking'], ['sock monkey', 'sock monkey', 'sock monkey', 'sock monkey', 'rockford red heel monkey', 'rockford red heel monkey', 'monkey', 'monkey', 'bear', 'bear'], ['50 kg', '50 kg', '50 kg', '50 kg', '75lbs', '75lbs', '2', '2', '200 lbs', '200 lbs'], ['i phone', 'i phone', 'i phone', 'i phone', 'iphone', 'iphone', 'iphone', 'iphone', 'smart phone', 'smart phone'], ['apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron'], ['1984', '1984', '1984', '1984', 'last year', 'last year', 'last year', 'last year', '2018', '2018'], ['fertilizer', 'fertilizer', 'fertilizer', 'fertilizer', 'manure', 'manure', 'water', 'water', 'sunshine', 'sunshine'], ['pink flowers', 'pink flowers', 'carnations', 'carnations', 'carnation', 'carnation', 'lillies', 'lillies', 'roses', 'roses'], ['soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'military', 'military'], ['steak', 'steak', 'steak', 'steak', 'cheese steak', 'cheese steak', 'cheesesteak', 'cheesesteak', 'sub', 'sub'], ['goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'sunglasses', 'sunglasses'], ['painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting'], ['bleachers', 'bleachers', 'bleachers', 'bleachers', 'bleachers', 'bleachers', 'bleacher', 'bleacher', 'seats behind home plate', 'seats behind home plate'], ['wax', 'wax', 'wax', 'wax', 'clean', 'clean', 'sex wax', 'sex wax', 'storage', 'storage'], ['brightener', 'brightener', 'white balance', 'white balance', 'white', 'white', 'contrast', 'contrast', 'brighten', 'brighten'], ['float', 'float', 'float', 'float', 'float', 'float', 'should float', 'should float', 'sink', 'sink'], ['purple', 'purple', 'purple', 'purple', 'yellow', 'yellow', 'green', 'green', 'white', 'white'], ['1769', '1769', '1769', '1769', '1769', '1769', '1970', '1970', '1960', '1960'], ['powdered', 'powdered', 'powdered', 'powdered', 'jelly filled', 'jelly filled', 'jelly filled', 'jelly filled', 'jam i think', 'jam i think'], ['michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama'], ['break', 'break', 'break', 'break', 'break', 'break', 'shatter', 'shatter', 'shatter', 'shatter'], ['timer', 'timer', 'timer', 'timer', 'toasting', 'toasting', 'toasting', 'toasting', 'toast bread', 'toast bread'], ['parked', 'parked', 'parked', 'parked', 'sedans', 'sedans', 'vans', 'vans', '4 door', '4 door'], ['tweety', 'tweety', 'tweety', 'tweety', 'tweety', 'tweety', 'tweety bird', 'tweety bird', 'tweety bird', 'tweety bird'], ['46', '46', '46', '46', '300', '300', '20', '20', '400', '400'], ['gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'rhinna', 'rhinna'], ['baby elephant', 'baby elephant', 'baby elephant', 'baby elephant', 'baby elephants', 'baby elephants', 'calf', 'calf', 'hunter', 'hunter'], ['35', '35', '35', '35', '30s', '30s', '21', '21', '51', '51'], ['moen', 'moen', 'moen', 'moen', 'delta', 'delta', 'wellis', 'wellis', 'whirpool', 'whirpool'], ['samoyed', 'samoyed', 'samoyed', 'samoyed', 'palmeranian', 'palmeranian', 'husky', 'husky', 'eskimo', 'eskimo'], ['lavender', 'lavender', 'lavender', 'lavender', 'lavendart', 'lavendart', 'hydranges', 'hydranges', 'lupine', 'lupine'], ['batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman'], ['1839', '1839', '1839', '1839', '1839', '1839', '1839', '1839', '1888', '1888'], ['project', 'project', 'project', 'project', 'science fair', 'science fair', 'write her name', 'write her name', 'science project', 'science project'], ['starvation', 'starvation', 'starvation', 'starvation', 'very starved', 'very starved', 'underfed', 'underfed', 'poor', 'poor'], ['hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'gerbil', 'gerbil'], ['grains', 'grains', 'grains', 'grains', 'dairy', 'dairy', 'dairy', 'dairy', 'meat', 'meat'], ['sparrows', 'sparrows', 'sparrows', 'sparrows', 'sparrows', 'sparrows', 'finches', 'finches', 'pigeons', 'pigeons'], ['fan', 'fan', 'fan', 'fan', 'fan', 'fan', 'fan', 'fan', 'air condtioner', 'air condtioner'], ['boots', 'boots', 'boots', 'boots', 'boots', 'boots', 'boots', 'boots', 'wellingtons', 'wellingtons'], ['arch', 'arch', 'arch', 'arch', 'glass block', 'glass block', 'french', 'french', 'palladium', 'palladium'], ['baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby'], ['trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways'], ['same', 'same', 'same', 'same', 'same', 'same', 'same', 'same', 'opposing', 'opposing'], ['reclining', 'reclining', 'reclining', 'reclining', 'supine', 'supine', 'seated', 'seated', 'seatedq', 'seatedq'], ['cord', 'cord', 'cord', 'cord', 'computer', 'computer', 'keyboard', 'keyboard', 'wire', 'wire'], ['tuba', 'tuba', 'tuba', 'tuba', 'tuba', 'tuba', 'brass', 'brass', 'brass', 'brass'], ['pole', 'pole', 'pole', 'pole', 'skii poles', 'skii poles', 'poles', 'poles', 'ski poles', 'ski poles'], ['greek', 'greek', 'greek', 'greek', 'italian', 'italian', 'baroque', 'baroque', 'gothic', 'gothic'], ['bent', 'bent', 'bent', 'bent', 'were in outlet', 'were in outlet', 'broken', 'broken', 'burned', 'burned'], ['overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls'], ['bags', 'bags', 'people', 'people', 'passenger', 'passenger', 'human', 'human', 'passengers', 'passengers'], ['braking', 'braking', 'stopped', 'stopped', 'stopping', 'stopping', 'break', 'break', 'stop', 'stop'], ['lugg valley', 'lugg valley', 'lugg valley', 'lugg valley', 'europe', 'europe', 'england', 'england', 'city', 'city'], ['10feet', '10feet', '10feet', '10feet', '8 meters', '8 meters', '8 meters', '8 meters', '10 feet', '10 feet'], ['watching tv', 'watching tv', 'watching tv', 'watching tv', 'entertaining', 'entertaining', 'tv', 'tv', 'relaxing', 'relaxing'], ['slow down', 'slow down', 'slow down', 'slow down', 'slow down', 'slow down', 'yield', 'yield', 'caution', 'caution'], ['10:1', '10:1', '10:1', '10:1', '9:4:1', '9:4:1', '1:1', '1:1', '2', '2'], ['lowes', 'lowes', 'lowes', 'lowes', 'hardware store', 'hardware store', 'bed bath and beyond', 'bed bath and beyond', 'home depot', 'home depot'], ['stopping', 'stopping', 'stopping', 'stopping', 'stop', 'stop', 'stop', 'stop', 'traffic', 'traffic'], ['platform', 'platform', 'platform', 'platform', 'train', 'train', 'track', 'track', 'trainer', 'trainer'], ['peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock'], ['everest', 'everest', 'everest', 'everest', 'everest', 'everest', 'k2', 'k2', 'fuji', 'fuji'], ['flannel', 'flannel', 'flannel', 'flannel', \"pj's\", \"pj's\", 'pajamas', 'pajamas', 'pajama', 'pajama'], ['pairing', 'pairing', 'pairing', 'pairing', 'flick knife', 'flick knife', 'kitchen', 'kitchen', 'kitchen knife', 'kitchen knife'], ['stars', 'stars', 'stars', 'stars', 'stars', 'stars', 'star of david', 'star of david', 'hexagonal', 'hexagonal'], ['cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'chopsticks', 'chopsticks'], ['track', 'track', 'adjustable', 'adjustable', 'spot lighting', 'spot lighting', 'drop lights', 'drop lights', 'spot light', 'spot light'], ['lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'zoo', 'zoo', 'zoo', 'zoo'], ['overcast', 'overcast', 'overcast', 'overcast', 'cloudy', 'cloudy', 'cloudy', 'cloudy', 'rainy', 'rainy'], ['chloe kim', 'chloe kim', 'chloe kim', 'chloe kim', 'chloe kim', 'chloe kim', 'kim', 'kim', 'picabo street', 'picabo street'], ['washing', 'washing', 'washing', 'washing', 'sanitation', 'sanitation', 'pee', 'pee', 'baths', 'baths'], ['linoleum', 'linoleum', 'linoleum', 'linoleum', 'composite', 'composite', 'tile', 'tile', 'concrete', 'concrete'], ['10 minutes', '10 minutes', '10 minutes', '10 minutes', 'half hour', 'half hour', '5 minutes', '5 minutes', 'not long', 'not long'], ['greyhound and boxer', 'greyhound and boxer', 'bulldog', 'bulldog', 'boxer', 'boxer', 'boxers', 'boxers', 'grey hound and boxer', 'grey hound and boxer'], ['very fast', 'very fast', 'very fast', 'very fast', 'high speed', 'high speed', 'bullet', 'bullet', 'fast', 'fast'], ['80 mph', '80 mph', '80 mph', '80 mph', '80 mph', '80 mph', 'fast', 'fast', '60 and 65 mph', '60 and 65 mph'], ['singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', \"singin' in rain\", \"singin' in rain\"], ['foal', 'foal', 'foal', 'foal', 'colt', 'colt', 'colt', 'colt', 'zebra', 'zebra'], ['after', 'after', 'after', 'after', 'after', 'after', 'after', 'after', 'before', 'before'], ['fry bake', 'fry bake', 'grill', 'grill', 'grilling', 'grilling', 'bake and fry', 'bake and fry', 'fry and bake', 'fry and bake'], ['2 stories', '2 stories', '2 stories', '2 stories', 'double decker', 'double decker', '14ft', '14ft', '18 feet', '18 feet'], ['kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'skirt', 'skirt'], ['1 way', '1 way', '1 way', '1 way', '1 way', '1 way', 'there', 'there', 'go left', 'go left'], ['border collie', 'border collie', 'border collie', 'border collie', 'cattle', 'cattle', 'sheep dog', 'sheep dog', 'farm dog', 'farm dog'], ['asians', 'asians', 'hindi', 'hindi', 'pacaderms', 'pacaderms', 'asian', 'asian', 'indian', 'indian'], ['6 months', '6 months', '6 months', '6 months', '2 years', '2 years', '4 years', '4 years', '1 week', '1 week'], ['going', 'going', 'going', 'going', 'going', 'going', 'slow down', 'slow down', 'going through it', 'going through it'], ['margarita', 'margarita', 'margarita', 'margarita', 'margarita', 'margarita', 'cocktail', 'cocktail', 'beer', 'beer'], ['horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses'], ['houston astros', 'houston astros', 'houston astros', 'houston astros', 'giants', 'giants', 'astros', 'astros', 'team', 'team'], ['oval office', 'oval office', 'oval office', 'oval office', 'presidents room and jeff sessons', 'presidents room and jeff sessons', 'john boehner in press room', 'john boehner in press room', 'media room john boehner', 'media room john boehner'], ['peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'bird', 'bird'], ['saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'salwater', 'salwater'], ['hair stylist', 'hair stylist', 'hair stylist', 'hair stylist', 'hair stylist', 'hair stylist', 'hair dresser', 'hair dresser', 'heair dresser', 'heair dresser'], ['curtain', 'curtain', 'curtain', 'curtain', 'curtains', 'curtains', 'curtains', 'curtains', 'pleated', 'pleated'], ['las vegas', 'las vegas', 'las vegas', 'las vegas', 'vegas', 'vegas', 'lights', 'lights', 'city', 'city'], ['very fast', 'very fast', 'very fast', 'very fast', 'rashly fast', 'rashly fast', '100 mph', '100 mph', '150', '150'], ['long', 'long', 'long', 'long', 'long', 'long', 'long', 'long', 'long', 'long'], ['sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint'], ['ships', 'ships', 'boats', 'boats', 'raft', 'raft', 'bird', 'bird', 'birds', 'birds'], ['16 years', '16 years', '16 years', '16 years', '2 years', '2 years', '7 years', '7 years', '14 years', '14 years'], ['tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatos', 'tomatos'], ['kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten'], ['trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'car', 'car'], ['santa', 'santa', 'santa', 'santa', 'santa claus', 'santa claus', 'santa claus', 'santa claus', 'santa clause', 'santa clause'], ['beds', 'beds', 'beds', 'beds', 'beds', 'beds', 'furniture', 'furniture', 'bed desks', 'bed desks'], ['nevada', 'nevada', 'nevada', 'nevada', 'idaho', 'idaho', 'montana', 'montana', 'washington', 'washington'], ['anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor'], ['41%', '41%', '65', '65', '20%', '20%', '20', '20', '14', '14'], ['prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey'], ['vehicle', 'vehicle', 'vehicle', 'vehicle', 'on safari', 'on safari', 'zebra', 'zebra', 'inside truck', 'inside truck'], ['dog driving', 'dog driving', 'dog driving', 'dog driving', 'dog driving', 'dog driving', 'dog driving car', 'dog driving car', 'there is dog driving', 'there is dog driving'], ['tulips', 'tulips', 'tulips', 'tulips', 'tulips', 'tulips', 'roses', 'roses', 'roses', 'roses'], ['book radio', 'book radio', 'book radio', 'book radio', 'sirius', 'sirius', 'sirius', 'sirius', 'family 80', 'family 80'], ['spiders', 'spiders', 'spiders', 'spiders', 'weevils', 'weevils', 'larvae', 'larvae', 'bugs', 'bugs'], ['neoprene', 'neoprene', 'neoprene', 'neoprene', 'rubber', 'rubber', 'rubber', 'rubber', 'polyester', 'polyester'], ['wet suit', 'wet suit', 'wet suit', 'wet suit', 'wet suit', 'wet suit', 'surfng', 'surfng', 'wetsuit', 'wetsuit'], ['listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening'], ['mahogany', 'mahogany', 'mahogany', 'mahogany', 'ebony', 'ebony', 'wood', 'wood', 'oak', 'oak']]\n", "image: [, , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , ]\n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the hairstyle of the blond called?\n", "라벨 ID: 138\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How old do you have to be in canada to do this?\n", "라벨 ID: 7\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Can you guess the place where the man is playing?\n", "라벨 ID: 26\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which rail company is named after a town in new mexico?\n", "라벨 ID: 155\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is the boy swimming or doing another water activity?\n", "라벨 ID: 22\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why do kids stare?\n", "라벨 ID: 55\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: When was this piece of sporting equipment invented?\n", "라벨 ID: 9\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why is this officer using this mode of transportation?\n", "라벨 ID: 129\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why is this an atypical look for someone wearing this makeup?\n", "라벨 ID: 48\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which american president is most associated with the stuffed animal seen here?\n", "라벨 ID: 173\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which breed of dog it this?\n", "라벨 ID: 60\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the famous dreamworks animated film where this animal was voiced by chris rock?\n", "라벨 ID: 106\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What objects is this person using to help them ski?\n", "라벨 ID: 136\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Has this guy shaved his beard today how do you know?\n", "라벨 ID: 117\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where would i find this room?\n", "라벨 ID: 90\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What toy store used a mascot similar to these animals for many years?\n", "라벨 ID: 178\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What would the red bottle next to the sink probably contain?\n", "라벨 ID: 59\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How long can this vessel travel?\n", "라벨 ID: 2\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What bird appears in this picture?\n", "라벨 ID: 62\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What event are they setting up for?\n", "라벨 ID: 34\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this meeting about?\n", "라벨 ID: 137\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What's the name of this river?\n", "라벨 ID: 112\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is the scene indoors or outdoors?\n", "라벨 ID: 121\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of dog is in the photo?\n", "라벨 ID: 150\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is on the round plate?\n", "라벨 ID: 53\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does this vehicle usually do?\n", "라벨 ID: 182\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the largest of this type of waterway?\n", "라벨 ID: 44\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of desserts are this?\n", "라벨 ID: 128\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Are the lightswitches on or off?\n", "라벨 ID: 119\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the red items in the bowl?\n", "라벨 ID: 176\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of animal is this?\n", "라벨 ID: 102\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of bushes are behind that bench?\n", "라벨 ID: 93\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What fields are these vechicles used to spray?\n", "라벨 ID: 54\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What image is on the airplane?\n", "라벨 ID: 97\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the park these benches reside in?\n", "라벨 ID: 45\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is missing from this man's body?\n", "라벨 ID: 157\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In what country would you find this bus?\n", "라벨 ID: 187\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What religion holds these animals as sacred?\n", "라벨 ID: 86\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this vehicle used for?\n", "라벨 ID: 50\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of flowers are in the pot?\n", "라벨 ID: 35\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the common name of the orange items seen here?\n", "라벨 ID: 118\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What brand of glove is this?\n", "라벨 ID: 145\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In which type of location are all these people located?\n", "라벨 ID: 166\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are these green signs typically used for?\n", "라벨 ID: 171\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does one call the sheer netting the woman is wearing over her head?\n", "라벨 ID: 191\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are those giraffes eating?\n", "라벨 ID: 79\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the panels on the wall used for?\n", "라벨 ID: 141\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are these two individuals celebrating?\n", "라벨 ID: 109\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is normally used to kill the animals mounted on the wall?\n", "라벨 ID: 83\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What artist is famous to painting images similar to the one over the fireplace?\n", "라벨 ID: 188\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is the beer bottle full or empty?\n", "라벨 ID: 72\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this in a resturaunt or at home?\n", "라벨 ID: 147\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the bridge in the background?\n", "라벨 ID: 78\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: These doors are used for what?\n", "라벨 ID: 63\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of battery does this device use?\n", "라벨 ID: 101\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: The feet of animals like these are called what?\n", "라벨 ID: 130\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the most popular countries for this sport?\n", "라벨 ID: 41\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What brand of shoes is the white woman wearing?\n", "라벨 ID: 51\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does this sign signify?\n", "라벨 ID: 163\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the best way to eat this?\n", "라벨 ID: 132\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Who invented this sport?\n", "라벨 ID: 175\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What breed of sheep is this?\n", "라벨 ID: 110\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What year did this action figures first get released?\n", "라벨 ID: 10\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which disney movie featured this type of garb?\n", "라벨 ID: 114\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is it day or night here?\n", "라벨 ID: 58\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the bean that the flavor of the cupcake comes from?\n", "라벨 ID: 49\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What brand is this blender?\n", "라벨 ID: 120\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: The term multi tasking refers to which two activities seen here?\n", "라벨 ID: 172\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this airplane most likely taking off or landing?\n", "라벨 ID: 94\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What might be some alternate uses of the can shown in the photo?\n", "라벨 ID: 189\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this a city bus or a tour bus?\n", "라벨 ID: 177\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is filled in those bottles?\n", "라벨 ID: 47\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What nickname for the furry animal starts with the same letter as the food in the box?\n", "라벨 ID: 144\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: This young man is demonstrating something you shouldn't do what is it?\n", "라벨 ID: 149\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of store would sell this?\n", "라벨 ID: 74\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What vitamins do you get from these vegetables?\n", "라벨 ID: 33\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What position does she play?\n", "라벨 ID: 75\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why is that bus taking up three lanes?\n", "라벨 ID: 185\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast can a plane like this fly?\n", "라벨 ID: 18\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What do birds do in the winter?\n", "라벨 ID: 69\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this technique called?\n", "라벨 ID: 148\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What character is this umbrella designed after?\n", "라벨 ID: 160\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the maximum weight the red suitcase can carry?\n", "라벨 ID: 16\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of phone does this man have?\n", "라벨 ID: 89\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the item worn around the neck and tied at the waist?\n", "라벨 ID: 23\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: When was the last time this team won a national title?\n", "라벨 ID: 11\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is used to help the green plant grow?\n", "라벨 ID: 66\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of those flowers?\n", "라벨 ID: 133\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the profession of the man in this photo?\n", "라벨 ID: 161\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What sandwich is that?\n", "라벨 ID: 169\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What opbect is used to protect the eyes which doing water activities at this location?\n", "라벨 ID: 76\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the elephant doing?\n", "라벨 ID: 125\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the seats behind the umpire called?\n", "라벨 ID: 36\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How do you care for this equipment?\n", "라벨 ID: 195\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which are some color corrections needed in this photo?\n", "라벨 ID: 43\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: If one of the dogs falls off this apparatus will it likely float or sink?\n", "라벨 ID: 68\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the complimentary color to the wall?\n", "라벨 ID: 143\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: When was this sport invented?\n", "라벨 ID: 6\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of doughnut is in this picture?\n", "라벨 ID: 139\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which first lady campaigned for healthier school meals?\n", "라벨 ID: 111\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What can happen the objects shown are thrown on the ground?\n", "라벨 ID: 42\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What was the machine beside the bowl used for?\n", "라벨 ID: 174\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of cars are in the photo?\n", "라벨 ID: 127\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What loony tune character is in this photo?\n", "라벨 ID: 186\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How many servings of this food does the average american consume yearly?\n", "라벨 ID: 15\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What famous singer dances and sings while holding one of these?\n", "라벨 ID: 73\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is following the elephant?\n", "라벨 ID: 28\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How old is the man with the receding hairline?\n", "라벨 ID: 13\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the brand of the faucet?\n", "라벨 ID: 113\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of dog is this?\n", "라벨 ID: 153\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of purple flours are growing in the background?\n", "라벨 ID: 96\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What superhero is on the box?\n", "라벨 ID: 30\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What year was the sport played by this team invented?\n", "라벨 ID: 8\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the young school girl demonstrating something to the gentleman?\n", "라벨 ID: 142\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of health condition would you say this cow is in?\n", "라벨 ID: 168\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this a gerbil or hamster?\n", "라벨 ID: 85\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which essential food group is missing?\n", "라벨 ID: 80\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Id these birds?\n", "라벨 ID: 162\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What sort of portable item serves to move the air just like this ceiling item?\n", "라벨 ID: 65\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of shoes is the child wearing?\n", "라벨 ID: 38\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What style of window has an arch on top?\n", "라벨 ID: 24\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Whose birthday is being celebrated?\n", "라벨 ID: 27\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What's the brand of bus?\n", "라벨 ID: 181\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Do the lanes in the picture run in the same or opposing direction?\n", "라벨 ID: 152\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What position is this man sitting in?\n", "라벨 ID: 146\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the mouse attached to?\n", "라벨 ID: 52\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of instruments are they playing?\n", "라벨 ID: 183\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the object in the persons hand called?\n", "라벨 ID: 135\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of architecture is shown?\n", "라벨 ID: 81\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What happened to these scissors?\n", "라벨 ID: 32\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the child wearing over their red shirt?\n", "라벨 ID: 123\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of cargo do these train cars carry?\n", "라벨 ID: 29\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does the bright red light on the vehicle mean?\n", "라벨 ID: 40\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where is this?\n", "라벨 ID: 105\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How tall is the mast on this boat?\n", "라벨 ID: 4\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What would you use this room for?\n", "라벨 ID: 194\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does it mean if this were to light up yellow?\n", "라벨 ID: 159\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the compression ratio of the motor in this motorcycle?\n", "라벨 ID: 3\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where can that toilet seat be bought?\n", "라벨 ID: 104\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this sign for?\n", "라벨 ID: 170\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which item depicted here is also a kind of shoe?\n", "라벨 ID: 134\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of brightly colored bird is this?\n", "라벨 ID: 131\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What famous mountain is in the background?\n", "라벨 ID: 64\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What do you call the kind of pants that the man on the right is wearing?\n", "라벨 ID: 67\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of knife is being used to cut this apple?\n", "라벨 ID: 126\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the shapes around this cake?\n", "라벨 ID: 167\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is it easier to use chopsticks or cutlery?\n", "라벨 ID: 57\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of lights are on the ceiling?\n", "라벨 ID: 179\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the main attraction presented in this picture?\n", "라벨 ID: 98\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of day is this?\n", "라벨 ID: 124\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which asian american female won a gold medal in this sport?\n", "라벨 ID: 46\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What activities are usually done here?\n", "라벨 ID: 193\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of material is this floor made of?\n", "라벨 ID: 99\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How long did it take to make this?\n", "라벨 ID: 1\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What breed are these dogs?\n", "라벨 ID: 82\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast is the train?\n", "라벨 ID: 192\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast does this vehicle typically go?\n", "라벨 ID: 19\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which movie starring gene kelley contained a famous muscial number with this item in?\n", "라벨 ID: 158\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the animals offspring called?\n", "라벨 ID: 70\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this after or before school hours?\n", "라벨 ID: 20\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are two common cooking methods for this food?\n", "라벨 ID: 71\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How tall are these buses?\n", "라벨 ID: 12\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What sort of knee length plaid garment is associated with where this bus is?\n", "라벨 ID: 91\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does the sign in the reflection say?\n", "라벨 ID: 0\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of dog is this?\n", "라벨 ID: 39\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of elephants are these?\n", "라벨 ID: 25\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How old is the baby giraffe?\n", "라벨 ID: 17\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What should the cars be doing at this light?\n", "라벨 ID: 77\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of drink is present in the photo?\n", "라벨 ID: 108\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What did people ride during the pony express?\n", "라벨 ID: 87\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Who won the championship in this sport last year?\n", "라벨 ID: 88\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What room are they in and who is the politician?\n", "라벨 ID: 122\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: A peahen is the female variant of what metal creatures shown?\n", "라벨 ID: 131\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Are these saltwater or freshwater fish?\n", "라벨 ID: 151\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Name the male's profession?\n", "라벨 ID: 84\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the formal name of this type of drapery?\n", "라벨 ID: 56\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where is this scene usually seen?\n", "라벨 ID: 95\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast can this transportation vehicle go?\n", "라벨 ID: 192\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of necks do these animals have?\n", "라벨 ID: 103\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What company is featured in this picture?\n", "라벨 ID: 165\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of craft are drifting along this waterway?\n", "라벨 ID: 156\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How long do the babies of this animal stay with their parent?\n", "라벨 ID: 5\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the red veggies called that's on this tray?\n", "라벨 ID: 176\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is a baby of this animal called?\n", "라벨 ID: 92\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What traveling device is being used?\n", "라벨 ID: 180\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What cultural icon is referenced by the red suits?\n", "라벨 ID: 154\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the man in the middle selling?\n", "라벨 ID: 31\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In what state are these mountain ranges?\n", "라벨 ID: 116\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the boat hook to so it doesn't float away?\n", "라벨 ID: 21\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the percentage of families that have this amount of kids in them in the world?\n", "라벨 ID: 14\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In the wild is this animal more likely to be predator or prey?\n", "라벨 ID: 140\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where is this photo taken from?\n", "라벨 ID: 190\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is wrong with this picture?\n", "라벨 ID: 61\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of flowers are in that vase?\n", "라벨 ID: 184\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What radio station is on?\n", "라벨 ID: 37\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is a common stowaway in this product?\n", "라벨 ID: 164\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What material are these suits made of?\n", "라벨 ID: 115\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of outfit is needed for this?\n", "라벨 ID: 196\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does the graffiti on the sign say?\n", "라벨 ID: 100\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Name the type of wood used to make this table in this picture?\n", "라벨 ID: 107\n", "이미지: \n", "\n", "{'question': 'What is the hairstyle of the blond called?', 'label_ids': 138, 'image': }\n" ] } ] }, { "cell_type": "code", "execution_count": 108, "metadata": { "id": "u2P6C0ezo6gC", "colab": { "base_uri": "https://localhost:8080/" }, "outputId": "7d827cad-c9bf-4ca9-86f1-00fa00f93292" }, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (1.5.3)\n", "Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2.8.2)\n", "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas) (2023.3.post1)\n", "Requirement already satisfied: numpy>=1.21.0 in /usr/local/lib/python3.10/dist-packages (from pandas) (1.23.5)\n", "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas) (1.16.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: transformers in /usr/local/lib/python3.10/dist-packages (4.35.2)\n", "Requirement already satisfied: datasets in /usr/local/lib/python3.10/dist-packages (2.15.0)\n", "Requirement already satisfied: evaluate in /usr/local/lib/python3.10/dist-packages (0.4.1)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from transformers) (3.13.1)\n", "Requirement already satisfied: huggingface-hub<1.0,>=0.16.4 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.19.4)\n", "Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from transformers) (1.23.5)\n", "Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from transformers) (23.2)\n", "Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.10/dist-packages (from transformers) (6.0.1)\n", "Requirement already satisfied: regex!=2019.12.17 in /usr/local/lib/python3.10/dist-packages (from transformers) (2023.6.3)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from transformers) (2.31.0)\n", "Requirement already satisfied: tokenizers<0.19,>=0.14 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.15.0)\n", "Requirement already satisfied: safetensors>=0.3.1 in /usr/local/lib/python3.10/dist-packages (from transformers) (0.4.0)\n", "Requirement already satisfied: tqdm>=4.27 in /usr/local/lib/python3.10/dist-packages (from transformers) (4.66.1)\n", "Requirement already satisfied: pyarrow>=8.0.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (9.0.0)\n", "Requirement already satisfied: pyarrow-hotfix in /usr/local/lib/python3.10/dist-packages (from datasets) (0.6)\n", "Requirement already satisfied: dill<0.3.8,>=0.3.0 in /usr/local/lib/python3.10/dist-packages (from datasets) (0.3.7)\n", "Requirement already satisfied: pandas in /usr/local/lib/python3.10/dist-packages (from datasets) (1.5.3)\n", "Requirement already satisfied: xxhash in /usr/local/lib/python3.10/dist-packages (from datasets) (3.4.1)\n", "Requirement already satisfied: multiprocess in /usr/local/lib/python3.10/dist-packages (from datasets) (0.70.15)\n", "Requirement already satisfied: fsspec<=2023.10.0,>=2023.1.0 in /usr/local/lib/python3.10/dist-packages (from fsspec[http]<=2023.10.0,>=2023.1.0->datasets) (2023.6.0)\n", "Requirement already satisfied: aiohttp in /usr/local/lib/python3.10/dist-packages (from datasets) (3.8.6)\n", "Requirement already satisfied: responses<0.19 in /usr/local/lib/python3.10/dist-packages (from evaluate) (0.18.0)\n", "Requirement already satisfied: attrs>=17.3.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (23.1.0)\n", "Requirement already satisfied: charset-normalizer<4.0,>=2.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (3.3.2)\n", "Requirement already satisfied: multidict<7.0,>=4.5 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (6.0.4)\n", "Requirement already satisfied: async-timeout<5.0,>=4.0.0a3 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (4.0.3)\n", "Requirement already satisfied: yarl<2.0,>=1.0 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.9.2)\n", "Requirement already satisfied: frozenlist>=1.1.1 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.4.0)\n", "Requirement already satisfied: aiosignal>=1.1.2 in /usr/local/lib/python3.10/dist-packages (from aiohttp->datasets) (1.3.1)\n", "Requirement already satisfied: typing-extensions>=3.7.4.3 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub<1.0,>=0.16.4->transformers) (4.5.0)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (2.0.7)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->transformers) (2023.7.22)\n", "Requirement already satisfied: python-dateutil>=2.8.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets) (2.8.2)\n", "Requirement already satisfied: pytz>=2020.1 in /usr/local/lib/python3.10/dist-packages (from pandas->datasets) (2023.3.post1)\n", "Requirement already satisfied: six>=1.5 in /usr/local/lib/python3.10/dist-packages (from python-dateutil>=2.8.1->pandas->datasets) (1.16.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: timm in /usr/local/lib/python3.10/dist-packages (0.9.12)\n", "Requirement already satisfied: torch>=1.7 in /usr/local/lib/python3.10/dist-packages (from timm) (2.1.0+cu118)\n", "Requirement already satisfied: torchvision in /usr/local/lib/python3.10/dist-packages (from timm) (0.16.0+cu118)\n", "Requirement already satisfied: pyyaml in /usr/local/lib/python3.10/dist-packages (from timm) (6.0.1)\n", "Requirement already satisfied: huggingface-hub in /usr/local/lib/python3.10/dist-packages (from timm) (0.19.4)\n", "Requirement already satisfied: safetensors in /usr/local/lib/python3.10/dist-packages (from timm) (0.4.0)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (3.13.1)\n", "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (4.5.0)\n", "Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (1.12)\n", "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (3.2.1)\n", "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (3.1.2)\n", "Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (2023.6.0)\n", "Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.7->timm) (2.1.0)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->timm) (2.31.0)\n", "Requirement already satisfied: tqdm>=4.42.1 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->timm) (4.66.1)\n", "Requirement already satisfied: packaging>=20.9 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->timm) (23.2)\n", "Requirement already satisfied: numpy in /usr/local/lib/python3.10/dist-packages (from torchvision->timm) (1.23.5)\n", "Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in /usr/local/lib/python3.10/dist-packages (from torchvision->timm) (9.4.0)\n", "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.7->timm) (2.1.3)\n", "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (3.3.2)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (2.0.7)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->timm) (2023.7.22)\n", "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.7->timm) (1.3.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0mRequirement already satisfied: accelerate in /usr/local/lib/python3.10/dist-packages (0.24.1)\n", "Requirement already satisfied: numpy>=1.17 in /usr/local/lib/python3.10/dist-packages (from accelerate) (1.23.5)\n", "Requirement already satisfied: packaging>=20.0 in /usr/local/lib/python3.10/dist-packages (from accelerate) (23.2)\n", "Requirement already satisfied: psutil in /usr/local/lib/python3.10/dist-packages (from accelerate) (5.9.5)\n", "Requirement already satisfied: pyyaml in /usr/local/lib/python3.10/dist-packages (from accelerate) (6.0.1)\n", "Requirement already satisfied: torch>=1.10.0 in /usr/local/lib/python3.10/dist-packages (from accelerate) (2.1.0+cu118)\n", "Requirement already satisfied: huggingface-hub in /usr/local/lib/python3.10/dist-packages (from accelerate) (0.19.4)\n", "Requirement already satisfied: filelock in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.13.1)\n", "Requirement already satisfied: typing-extensions in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (4.5.0)\n", "Requirement already satisfied: sympy in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (1.12)\n", "Requirement already satisfied: networkx in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.2.1)\n", "Requirement already satisfied: jinja2 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (3.1.2)\n", "Requirement already satisfied: fsspec in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (2023.6.0)\n", "Requirement already satisfied: triton==2.1.0 in /usr/local/lib/python3.10/dist-packages (from torch>=1.10.0->accelerate) (2.1.0)\n", "Requirement already satisfied: requests in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (2.31.0)\n", "Requirement already satisfied: tqdm>=4.42.1 in /usr/local/lib/python3.10/dist-packages (from huggingface-hub->accelerate) (4.66.1)\n", "Requirement already satisfied: MarkupSafe>=2.0 in /usr/local/lib/python3.10/dist-packages (from jinja2->torch>=1.10.0->accelerate) (2.1.3)\n", "Requirement already satisfied: charset-normalizer<4,>=2 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (3.3.2)\n", "Requirement already satisfied: idna<4,>=2.5 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (3.4)\n", "Requirement already satisfied: urllib3<3,>=1.21.1 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (2.0.7)\n", "Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.10/dist-packages (from requests->huggingface-hub->accelerate) (2023.7.22)\n", "Requirement already satisfied: mpmath>=0.19 in /usr/local/lib/python3.10/dist-packages (from sympy->torch>=1.10.0->accelerate) (1.3.0)\n", "\u001b[33mWARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv\u001b[0m\u001b[33m\n", "\u001b[0m" ] } ], "source": [ "!pip install -q transformers pytorch-lightning\n", "!pip install pandas\n", "! pip install transformers datasets evaluate\n", "! pip install timm\n", "! pip install -U accelerate" ] }, { "cell_type": "code", "source": [ "#(1) hugging face에 write token으로 로그인\n", "#로그인을 해야 train 가능\n", "from huggingface_hub import notebook_login\n", "\n", "notebook_login()" ], "metadata": { "id": "c4ZQZh-CyhvE", "colab": { "base_uri": "https://localhost:8080/", "height": 145, "referenced_widgets": [ "316d1c4344a64a47b70846e861746d75", "7895bcf96a504441a54dfb19477467d1", "7a4a0de4ae5c466eaef147c8b5c04aab", "efccc58637044520b646f2c4bfc4998a", "27d6d083732a43f9889782dbb38870a8", "dc33d993b9e94d839b4c944f6cf3870a", "602adfa92f9d43f083b4a99e63e9326f", "e99d564d6a3b41799bcfbc622e4d6915", "512ca48e91d84edb9aa0a879e9c162bf", "e0d0798062a54cb38269d3c86c8db7ac", "19b2af04c78e4a2b8cae575c4329b6ac", "2325ee299f2f498e9eb91b28826f3883", "8ee3f1d0b81a41128137539d83f53263", "0b14158090cb4f41a4bf2168bfb0ca92", "2506da84d0d5442d8f4dfb6c1cae4ac5", "9c6cdeaca2f04503b9a227f242b585e6", "fc818904176e4871b9014e46de9b0172", "cea2bbc5d66c479f95bd67a752161d8c", "2ab61717341f401e8862b7691b17792e", "589a52edf81948abb5f7c61f107139ca", "2471f100f2c84ba7b7ba1e9f9f8aa100", "723d7c9244a34f2dae3f276cb6daa2f3", "f8d087b7a2dd4ac988ddb4604b7dcd2b", "f41515886f954dd095814c9e13eefa03", "b3a50604c19548e59b80b26319d235dc", "acc2323c70c542dda1cfe4995648e778", "e49af6672277401489345877095e2ea7", "7252260adb92463d8ea522039a480da7", "9aca03d60ac144088abb75d5a2dcca1f", "448f079344294f9caeae477e53ce8264", "5c8002727196430681a2a50524fab2e3", "b28a76eec7154edb8da201543bec299f" ] }, "outputId": "2f7aaa00-23e7-464c-8935-3447ed5dd1ce" }, "execution_count": 36, "outputs": [ { "output_type": "display_data", "data": { "text/plain": [ "VBox(children=(HTML(value='
\n", "New Data Point:\n", "question: ['What is the hairstyle of the blond called?', 'How old do you have to be in canada to do this?', 'Can you guess the place where the man is playing?', 'Which rail company is named after a town in new mexico?', 'Is the boy swimming or doing another water activity?', 'Why do kids stare?', 'When was this piece of sporting equipment invented?', 'Why is this officer using this mode of transportation?', 'Why is this an atypical look for someone wearing this makeup?', 'Which american president is most associated with the stuffed animal seen here?', 'Which breed of dog it this?', 'What is the name of the famous dreamworks animated film where this animal was voiced by chris rock?', 'What objects is this person using to help them ski?', 'Has this guy shaved his beard today how do you know?', 'Where would i find this room?', 'What toy store used a mascot similar to these animals for many years?', 'What would the red bottle next to the sink probably contain?', 'How long can this vessel travel?', 'What bird appears in this picture?', 'What event are they setting up for?', 'What is this meeting about?', \"What's the name of this river?\", 'Is the scene indoors or outdoors?', 'What kind of dog is in the photo?', 'What is on the round plate?', 'What does this vehicle usually do?', 'What is the largest of this type of waterway?', 'What kind of desserts are this?', 'Are the lightswitches on or off?', 'What are the red items in the bowl?', 'What type of animal is this?', 'What kind of bushes are behind that bench?', 'What fields are these vechicles used to spray?', 'What image is on the airplane?', 'What is the name of the park these benches reside in?', \"What is missing from this man's body?\", 'In what country would you find this bus?', 'What religion holds these animals as sacred?', 'What is this vehicle used for?', 'What type of flowers are in the pot?', 'What is the common name of the orange items seen here?', 'What brand of glove is this?', 'In which type of location are all these people located?', 'What are these green signs typically used for?', 'What does one call the sheer netting the woman is wearing over her head?', 'What are those giraffes eating?', 'What are the panels on the wall used for?', 'What are these two individuals celebrating?', 'What is normally used to kill the animals mounted on the wall?', 'What artist is famous to painting images similar to the one over the fireplace?', 'Is the beer bottle full or empty?', 'Is this in a resturaunt or at home?', 'What is the name of the bridge in the background?', 'These doors are used for what?', 'What kind of battery does this device use?', 'The feet of animals like these are called what?', 'What are the most popular countries for this sport?', 'What brand of shoes is the white woman wearing?', 'What does this sign signify?', 'What is the best way to eat this?', 'Who invented this sport?', 'What breed of sheep is this?', 'What year did this action figures first get released?', 'Which disney movie featured this type of garb?', 'Is it day or night here?', 'What is the name of the bean that the flavor of the cupcake comes from?', 'What brand is this blender?', 'The term multi tasking refers to which two activities seen here?', 'Is this airplane most likely taking off or landing?', 'What might be some alternate uses of the can shown in the photo?', 'Is this a city bus or a tour bus?', 'What is filled in those bottles?', 'What nickname for the furry animal starts with the same letter as the food in the box?', \"This young man is demonstrating something you shouldn't do what is it?\", 'What kind of store would sell this?', 'What vitamins do you get from these vegetables?', 'What position does she play?', 'Why is that bus taking up three lanes?', 'How fast can a plane like this fly?', 'What do birds do in the winter?', 'What is this technique called?', 'What character is this umbrella designed after?', 'What is the maximum weight the red suitcase can carry?', 'What type of phone does this man have?', 'What is the name of the item worn around the neck and tied at the waist?', 'When was the last time this team won a national title?', 'What is used to help the green plant grow?', 'What is the name of those flowers?', 'What is the profession of the man in this photo?', 'What sandwich is that?', 'What opbect is used to protect the eyes which doing water activities at this location?', 'What is the elephant doing?', 'What are the seats behind the umpire called?', 'How do you care for this equipment?', 'Which are some color corrections needed in this photo?', 'If one of the dogs falls off this apparatus will it likely float or sink?', 'What is the complimentary color to the wall?', 'When was this sport invented?', 'What kind of doughnut is in this picture?', 'Which first lady campaigned for healthier school meals?', 'What can happen the objects shown are thrown on the ground?', 'What was the machine beside the bowl used for?', 'What kind of cars are in the photo?', 'What loony tune character is in this photo?', 'How many servings of this food does the average american consume yearly?', 'What famous singer dances and sings while holding one of these?', 'What is following the elephant?', 'How old is the man with the receding hairline?', 'What is the brand of the faucet?', 'What type of dog is this?', 'What kind of purple flours are growing in the background?', 'What superhero is on the box?', 'What year was the sport played by this team invented?', 'What is the young school girl demonstrating something to the gentleman?', 'What type of health condition would you say this cow is in?', 'Is this a gerbil or hamster?', 'Which essential food group is missing?', 'Id these birds?', 'What sort of portable item serves to move the air just like this ceiling item?', 'What type of shoes is the child wearing?', 'What style of window has an arch on top?', 'Whose birthday is being celebrated?', \"What's the brand of bus?\", 'Do the lanes in the picture run in the same or opposing direction?', 'What position is this man sitting in?', 'What is the mouse attached to?', 'What kind of instruments are they playing?', 'What is the object in the persons hand called?', 'What kind of architecture is shown?', 'What happened to these scissors?', 'What is the child wearing over their red shirt?', 'What kind of cargo do these train cars carry?', 'What does the bright red light on the vehicle mean?', 'Where is this?', 'How tall is the mast on this boat?', 'What would you use this room for?', 'What does it mean if this were to light up yellow?', 'What is the compression ratio of the motor in this motorcycle?', 'Where can that toilet seat be bought?', 'What is this sign for?', 'Which item depicted here is also a kind of shoe?', 'What type of brightly colored bird is this?', 'What famous mountain is in the background?', 'What do you call the kind of pants that the man on the right is wearing?', 'What type of knife is being used to cut this apple?', 'What are the shapes around this cake?', 'Is it easier to use chopsticks or cutlery?', 'What type of lights are on the ceiling?', 'What is the main attraction presented in this picture?', 'What kind of day is this?', 'Which asian american female won a gold medal in this sport?', 'What activities are usually done here?', 'What kind of material is this floor made of?', 'How long did it take to make this?', 'What breed are these dogs?', 'How fast is the train?', 'How fast does this vehicle typically go?', 'Which movie starring gene kelley contained a famous muscial number with this item in?', 'What is the animals offspring called?', 'Is this after or before school hours?', 'What are two common cooking methods for this food?', 'How tall are these buses?', 'What sort of knee length plaid garment is associated with where this bus is?', 'What does the sign in the reflection say?', 'What type of dog is this?', 'What kind of elephants are these?', 'How old is the baby giraffe?', 'What should the cars be doing at this light?', 'What type of drink is present in the photo?', 'What did people ride during the pony express?', 'Who won the championship in this sport last year?', 'What room are they in and who is the politician?', 'A peahen is the female variant of what metal creatures shown?', 'Are these saltwater or freshwater fish?', \"Name the male's profession?\", 'What is the formal name of this type of drapery?', 'Where is this scene usually seen?', 'How fast can this transportation vehicle go?', 'What kind of necks do these animals have?', 'What company is featured in this picture?', 'What kind of craft are drifting along this waterway?', 'How long do the babies of this animal stay with their parent?', \"What are the red veggies called that's on this tray?\", 'What is a baby of this animal called?', 'What traveling device is being used?', 'What cultural icon is referenced by the red suits?', 'What is the man in the middle selling?', 'In what state are these mountain ranges?', \"What is the boat hook to so it doesn't float away?\", 'What is the percentage of families that have this amount of kids in them in the world?', 'In the wild is this animal more likely to be predator or prey?', 'Where is this photo taken from?', 'What is wrong with this picture?', 'What kind of flowers are in that vase?', 'What radio station is on?', 'What is a common stowaway in this product?', 'What material are these suits made of?', 'What kind of outfit is needed for this?', 'What does the graffiti on the sign say?', 'Name the type of wood used to make this table in this picture?']\n", "answers: [['pony tail', 'pony tail', 'pony tail', 'pony tail', 'pony tail', 'pony tail', 'braid', 'braid', 'ponytail', 'ponytail'], ['18', '18', '18', '18', '18', '18', '18', '18', '18', '18'], ['aspen', 'aspen', 'mountains', 'mountains', 'mountain', 'mountain', 'colorado', 'colorado', 'vale co', 'vale co'], ['santa fe', 'santa fe', 'santa fe', 'santa fe', 'new england', 'new england', 'bnsf', 'bnsf', 'sante fe', 'sante fe'], ['another activity', 'another activity', 'another activity', 'another activity', 'wakeboarding', 'wakeboarding', 'fishing', 'fishing', 'surfing', 'surfing'], ['curious', 'curious', 'curious', 'curious', 'unusual', 'unusual', 'not taught manners', 'not taught manners', 'scared', 'scared'], ['1926', '1926', '1926', '1926', '1960s', '1960s', '1965', '1965', 'surfboard', 'surfboard'], ['patrol', 'patrol', 'patrol', 'patrol', 'crowd control', 'crowd control', 'fast', 'fast', 'he is mounted officer', 'he is mounted officer'], ['clown', 'clown', 'clown', 'clown', 'clown', 'clown', 'sad clown', 'sad clown', 'not in circus', 'not in circus'], ['theodore roosevelt', 'theodore roosevelt', 'theodore roosevelt', 'theodore roosevelt', 'teddy roosevelt', 'teddy roosevelt', 'george w bush', 'george w bush', 'roosevelt', 'roosevelt'], ['doberman', 'doberman', 'doberman', 'doberman', 'labrador retriever', 'labrador retriever', 'labrador retriever', 'labrador retriever', 'lab', 'lab'], ['madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar', 'madagascar'], ['poles', 'poles', 'poles', 'poles', 'helmet', 'helmet', 'ski poles', 'ski poles', 'ski', 'ski'], ['no scruffy', 'no scruffy', 'no scruffy', 'no scruffy', 'no hairy', 'no hairy', 'stubble', 'stubble', 'no stubble', 'no stubble'], ['jail', 'jail', 'jail', 'jail', 'jail', 'jail', 'prison', 'prison', 'prison', 'prison'], ['toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us', 'toys r us'], ['dish soap', 'dish soap', 'dish soap', 'dish soap', 'soap', 'soap', 'water', 'water', 'dishsoap', 'dishsoap'], ['100 miles', '100 miles', '100 miles', '100 miles', '4 hours', '4 hours', '3 hours', '3 hours', '7 hours', '7 hours'], ['eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'eagle', 'bald eagle', 'bald eagle'], ['birthday party', 'birthday party', 'birthday party', 'birthday party', 'new years', 'new years', 'birthday', 'birthday', 'party', 'party'], ['politics', 'politics', 'politics', 'politics', 'problems', 'problems', 'table', 'table', 'laws', 'laws'], ['mississippi', 'mississippi', 'mississippi', 'mississippi', 'dirty', 'dirty', 'fox', 'fox', 'thames', 'thames'], ['outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoors', 'outdoor', 'outdoor'], ['saint bernard', 'saint bernard', 'saint bernard', 'saint bernard', 'saint bernard', 'saint bernard', 'st bernard', 'st bernard', 'bulldog', 'bulldog'], ['croissant', 'croissant', 'croissant', 'croissant', 'pastry', 'pastry', 'cressoint', 'cressoint', 'croissaint', 'croissaint'], ['transport people', 'transport people', 'transport people', 'transport people', 'tours', 'tours', 'transport', 'transport', 'ride', 'ride'], ['canal', 'canal', 'canal', 'canal', 'pacific', 'pacific', 'white nile', 'white nile', 'panama canal', 'panama canal'], ['pastry', 'pastry', 'pastry', 'pastry', 'pastries', 'pastries', 'pastries', 'pastries', 'cupcake', 'cupcake'], ['on', 'on', 'on', 'on', 'on', 'on', 'on', 'on', 'on', 'on'], ['tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'grapes', 'grapes'], ['llama', 'llama', 'llama', 'llama', 'camel', 'camel', 'camel', 'camel', 'giraffe', 'giraffe'], ['kudzu', 'kudzu', 'juniper', 'juniper', 'snapdragons', 'snapdragons', 'hedges', 'hedges', 'hedge', 'hedge'], ['crops', 'crops', 'crops', 'crops', 'crop', 'crop', 'corn', 'corn', 'crop fields', 'crop fields'], ['leaf', 'leaf', 'leaf', 'leaf', 'leaf', 'leaf', 'canadian', 'canadian', 'maple leaf', 'maple leaf'], ['central park', 'central park', 'central park', 'central park', 'central park', 'central park', 'public park', 'public park', 'central', 'central'], ['shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'shirt', 'hair', 'hair'], ['united kingdom', 'united kingdom', 'united kingdom', 'united kingdom', 'england', 'england', 'england', 'england', 'london', 'london'], ['hindu', 'hindu', 'hindu', 'hindu', 'hinduism', 'hinduism', 'hinduism', 'hinduism', 'muslim', 'muslim'], ['commuter train', 'commuter train', 'transportation', 'transportation', 'commuting to work', 'commuting to work', 'transporting people', 'transporting people', 'transport', 'transport'], ['black eyed susan', 'black eyed susan', 'pansies', 'pansies', 'daffodils', 'daffodils', 'daisies', 'daisies', 'daisy', 'daisy'], ['noodle', 'noodle', 'noodle', 'noodle', 'oranges', 'oranges', 'noodles', 'noodles', 'wind funnel', 'wind funnel'], ['rawling', 'rawling', 'rawling', 'rawling', 'russell', 'russell', 'wilson', 'wilson', 'easton and mizuno', 'easton and mizuno'], ['stadium', 'stadium', 'stadium', 'stadium', 'baseball stadium', 'baseball stadium', 'baseball field', 'baseball field', 'baseball game', 'baseball game'], ['street names', 'street names', 'street names', 'street names', 'street names', 'street names', 'street names', 'street names', 'street signs', 'street signs'], ['veil', 'veil', 'veil', 'veil', 'veil', 'veil', 'hajab', 'hajab', 'mosquito', 'mosquito'], ['grain', 'grain', 'grain', 'grain', 'leaves', 'leaves', 'hay', 'hay', 'straw', 'straw'], ['privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'privacy', 'disposables', 'disposables'], ['marriage', 'marriage', 'marriage', 'marriage', 'anniversary', 'anniversary', 'birthday', 'birthday', 'promotion', 'promotion'], ['gun', 'gun', 'gun', 'gun', 'gun', 'gun', 'guns', 'guns', 'rifle', 'rifle'], ['van gogh', 'van gogh', 'van gogh', 'van gogh', 'vincent von goh', 'vincent von goh', 'piccosso', 'piccosso', 'monet', 'monet'], ['full', 'full', 'full', 'full', 'full', 'full', 'full', 'full', 'full', 'full'], ['resturaunt', 'resturaunt', 'resturaunt', 'resturaunt', 'restaurant', 'restaurant', 'restaurant', 'restaurant', 'home', 'home'], ['golden gate', 'golden gate', 'golden gate', 'golden gate', 'golden gate', 'golden gate', 'san fransico bay', 'san fransico bay', 'golen gate', 'golen gate'], ['elevator', 'elevator', 'elevator', 'elevator', 'elevator', 'elevator', 'entering', 'entering', 'elevators', 'elevators'], ['lithium', 'lithium', 'lithium', 'lithium', 'lithium', 'lithium', 'cell phone battery', 'cell phone battery', 'ion', 'ion'], ['paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws', 'paws'], ['brazil', 'brazil', 'brazil', 'brazil', 'france', 'france', 'england australia', 'england australia', 'european union', 'european union'], ['converse', 'converse', 'converse', 'converse', 'converse', 'converse', 'keds', 'keds', 'new balance', 'new balance'], ['speed limit', 'speed limit', 'speed limit', 'speed limit', 'speed limit enforced', 'speed limit enforced', 'mpg', 'mpg', 'speed measure', 'speed measure'], ['peel', 'peel', 'peel', 'peel', 'peel', 'peel', 'to peel off its skin and then eat', 'to peel off its skin and then eat', 'hands', 'hands'], ['tom sims', 'tom sims', 'tom sims', 'tom sims', 'unsure', 'unsure', 'no idea', 'no idea', 'white people', 'white people'], ['merino', 'merino', 'merino', 'merino', 'merino', 'merino', 'sheep', 'sheep', 'suffolk', 'suffolk'], ['1977', '1977', '1977', '1977', '1977', '1977', '1975', '1975', '1978', '1978'], ['mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'mulan', 'memoirs of geisha', 'memoirs of geisha'], ['day', 'day', 'day', 'day', 'day', 'day', 'night', 'night', 'night', 'night'], ['cocoa', 'cocoa', 'cocoa', 'cocoa', 'cocoa', 'cocoa', 'cacao', 'cacao', 'coffee', 'coffee'], ['oster', 'oster', 'oster', 'oster', 'oster', 'oster', 'kitchenaid', 'kitchenaid', 'whirlpool', 'whirlpool'], ['talking and eating', 'talking and eating', 'talking and eating', 'talking and eating', 'talking on phone and eating', 'talking on phone and eating', 'eating and talking on phone', 'eating and talking on phone', 'eating and listening', 'eating and listening'], ['landing', 'landing', 'landing', 'landing', 'landing', 'landing', 'landing', 'landing', 'taking off', 'taking off'], ['vase', 'vase', 'vase', 'vase', 'paperweight', 'paperweight', 'cookie cutter', 'cookie cutter', 'pot', 'pot'], ['tour bus', 'tour bus', 'tour bus', 'tour bus', 'tour', 'tour', 'tour', 'tour', 'tourbus', 'tourbus'], ['citrus juice', 'citrus juice', 'citrus juice', 'citrus juice', 'candy', 'candy', 'juice', 'juice', 'furit juice', 'furit juice'], ['pussy', 'pussy', 'pussy', 'pussy', 'precious', 'precious', 'puss', 'puss', 'pussycat', 'pussycat'], ['run with scissors', 'run with scissors', 'run with scissors', 'run with scissors', 'run with scissors', 'run with scissors', 'stab yourself', 'stab yourself', 'running', 'running'], ['gift shop', 'gift shop', 'gift shop', 'gift shop', 'decor', 'decor', 'craft', 'craft', 'home depot', 'home depot'], ['beta carotene', 'beta carotene', 'beta carotene', 'beta carotene', '', '', 'vitamin b', 'vitamin b', 'vitamin d', 'vitamin d'], ['goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie', 'goalie'], ['turning', 'turning', 'turning', 'turning', 'pulling over', 'pulling over', 'bad driving', 'bad driving', 'big', 'big'], ['700 mph', '700 mph', '700 mph', '700 mph', '55', '55', '500mph', '500mph', '200 mph', '200 mph'], ['fly south', 'fly south', 'fly south', 'fly south', 'fly south', 'fly south', 'migrate', 'migrate', 'migrate', 'migrate'], ['roasting', 'roasting', 'roasting', 'roasting', 'roasting', 'roasting', 'baking', 'baking', 'baking', 'baking'], ['sock monkey', 'sock monkey', 'sock monkey', 'sock monkey', 'rockford red heel monkey', 'rockford red heel monkey', 'monkey', 'monkey', 'bear', 'bear'], ['50 kg', '50 kg', '50 kg', '50 kg', '75lbs', '75lbs', '2', '2', '200 lbs', '200 lbs'], ['i phone', 'i phone', 'i phone', 'i phone', 'iphone', 'iphone', 'iphone', 'iphone', 'smart phone', 'smart phone'], ['apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron', 'apron'], ['1984', '1984', '1984', '1984', 'last year', 'last year', 'last year', 'last year', '2018', '2018'], ['fertilizer', 'fertilizer', 'fertilizer', 'fertilizer', 'manure', 'manure', 'water', 'water', 'sunshine', 'sunshine'], ['pink flowers', 'pink flowers', 'carnations', 'carnations', 'carnation', 'carnation', 'lillies', 'lillies', 'roses', 'roses'], ['soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'soldier', 'military', 'military'], ['steak', 'steak', 'steak', 'steak', 'cheese steak', 'cheese steak', 'cheesesteak', 'cheesesteak', 'sub', 'sub'], ['goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'goggles', 'sunglasses', 'sunglasses'], ['painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting', 'painting'], ['bleachers', 'bleachers', 'bleachers', 'bleachers', 'bleachers', 'bleachers', 'bleacher', 'bleacher', 'seats behind home plate', 'seats behind home plate'], ['wax', 'wax', 'wax', 'wax', 'clean', 'clean', 'sex wax', 'sex wax', 'storage', 'storage'], ['brightener', 'brightener', 'white balance', 'white balance', 'white', 'white', 'contrast', 'contrast', 'brighten', 'brighten'], ['float', 'float', 'float', 'float', 'float', 'float', 'should float', 'should float', 'sink', 'sink'], ['purple', 'purple', 'purple', 'purple', 'yellow', 'yellow', 'green', 'green', 'white', 'white'], ['1769', '1769', '1769', '1769', '1769', '1769', '1970', '1970', '1960', '1960'], ['powdered', 'powdered', 'powdered', 'powdered', 'jelly filled', 'jelly filled', 'jelly filled', 'jelly filled', 'jam i think', 'jam i think'], ['michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama', 'michelle obama'], ['break', 'break', 'break', 'break', 'break', 'break', 'shatter', 'shatter', 'shatter', 'shatter'], ['timer', 'timer', 'timer', 'timer', 'toasting', 'toasting', 'toasting', 'toasting', 'toast bread', 'toast bread'], ['parked', 'parked', 'parked', 'parked', 'sedans', 'sedans', 'vans', 'vans', '4 door', '4 door'], ['tweety', 'tweety', 'tweety', 'tweety', 'tweety', 'tweety', 'tweety bird', 'tweety bird', 'tweety bird', 'tweety bird'], ['46', '46', '46', '46', '300', '300', '20', '20', '400', '400'], ['gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'gene kelly', 'rhinna', 'rhinna'], ['baby elephant', 'baby elephant', 'baby elephant', 'baby elephant', 'baby elephants', 'baby elephants', 'calf', 'calf', 'hunter', 'hunter'], ['35', '35', '35', '35', '30s', '30s', '21', '21', '51', '51'], ['moen', 'moen', 'moen', 'moen', 'delta', 'delta', 'wellis', 'wellis', 'whirpool', 'whirpool'], ['samoyed', 'samoyed', 'samoyed', 'samoyed', 'palmeranian', 'palmeranian', 'husky', 'husky', 'eskimo', 'eskimo'], ['lavender', 'lavender', 'lavender', 'lavender', 'lavendart', 'lavendart', 'hydranges', 'hydranges', 'lupine', 'lupine'], ['batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman', 'batman'], ['1839', '1839', '1839', '1839', '1839', '1839', '1839', '1839', '1888', '1888'], ['project', 'project', 'project', 'project', 'science fair', 'science fair', 'write her name', 'write her name', 'science project', 'science project'], ['starvation', 'starvation', 'starvation', 'starvation', 'very starved', 'very starved', 'underfed', 'underfed', 'poor', 'poor'], ['hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'hamster', 'gerbil', 'gerbil'], ['grains', 'grains', 'grains', 'grains', 'dairy', 'dairy', 'dairy', 'dairy', 'meat', 'meat'], ['sparrows', 'sparrows', 'sparrows', 'sparrows', 'sparrows', 'sparrows', 'finches', 'finches', 'pigeons', 'pigeons'], ['fan', 'fan', 'fan', 'fan', 'fan', 'fan', 'fan', 'fan', 'air condtioner', 'air condtioner'], ['boots', 'boots', 'boots', 'boots', 'boots', 'boots', 'boots', 'boots', 'wellingtons', 'wellingtons'], ['arch', 'arch', 'arch', 'arch', 'glass block', 'glass block', 'french', 'french', 'palladium', 'palladium'], ['baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby', 'baby'], ['trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways', 'trailways'], ['same', 'same', 'same', 'same', 'same', 'same', 'same', 'same', 'opposing', 'opposing'], ['reclining', 'reclining', 'reclining', 'reclining', 'supine', 'supine', 'seated', 'seated', 'seatedq', 'seatedq'], ['cord', 'cord', 'cord', 'cord', 'computer', 'computer', 'keyboard', 'keyboard', 'wire', 'wire'], ['tuba', 'tuba', 'tuba', 'tuba', 'tuba', 'tuba', 'brass', 'brass', 'brass', 'brass'], ['pole', 'pole', 'pole', 'pole', 'skii poles', 'skii poles', 'poles', 'poles', 'ski poles', 'ski poles'], ['greek', 'greek', 'greek', 'greek', 'italian', 'italian', 'baroque', 'baroque', 'gothic', 'gothic'], ['bent', 'bent', 'bent', 'bent', 'were in outlet', 'were in outlet', 'broken', 'broken', 'burned', 'burned'], ['overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls', 'overalls'], ['bags', 'bags', 'people', 'people', 'passenger', 'passenger', 'human', 'human', 'passengers', 'passengers'], ['braking', 'braking', 'stopped', 'stopped', 'stopping', 'stopping', 'break', 'break', 'stop', 'stop'], ['lugg valley', 'lugg valley', 'lugg valley', 'lugg valley', 'europe', 'europe', 'england', 'england', 'city', 'city'], ['10feet', '10feet', '10feet', '10feet', '8 meters', '8 meters', '8 meters', '8 meters', '10 feet', '10 feet'], ['watching tv', 'watching tv', 'watching tv', 'watching tv', 'entertaining', 'entertaining', 'tv', 'tv', 'relaxing', 'relaxing'], ['slow down', 'slow down', 'slow down', 'slow down', 'slow down', 'slow down', 'yield', 'yield', 'caution', 'caution'], ['10:1', '10:1', '10:1', '10:1', '9:4:1', '9:4:1', '1:1', '1:1', '2', '2'], ['lowes', 'lowes', 'lowes', 'lowes', 'hardware store', 'hardware store', 'bed bath and beyond', 'bed bath and beyond', 'home depot', 'home depot'], ['stopping', 'stopping', 'stopping', 'stopping', 'stop', 'stop', 'stop', 'stop', 'traffic', 'traffic'], ['platform', 'platform', 'platform', 'platform', 'train', 'train', 'track', 'track', 'trainer', 'trainer'], ['peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock'], ['everest', 'everest', 'everest', 'everest', 'everest', 'everest', 'k2', 'k2', 'fuji', 'fuji'], ['flannel', 'flannel', 'flannel', 'flannel', \"pj's\", \"pj's\", 'pajamas', 'pajamas', 'pajama', 'pajama'], ['pairing', 'pairing', 'pairing', 'pairing', 'flick knife', 'flick knife', 'kitchen', 'kitchen', 'kitchen knife', 'kitchen knife'], ['stars', 'stars', 'stars', 'stars', 'stars', 'stars', 'star of david', 'star of david', 'hexagonal', 'hexagonal'], ['cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'cutlery', 'chopsticks', 'chopsticks'], ['track', 'track', 'adjustable', 'adjustable', 'spot lighting', 'spot lighting', 'drop lights', 'drop lights', 'spot light', 'spot light'], ['lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'lincoln park zoo', 'zoo', 'zoo', 'zoo', 'zoo'], ['overcast', 'overcast', 'overcast', 'overcast', 'cloudy', 'cloudy', 'cloudy', 'cloudy', 'rainy', 'rainy'], ['chloe kim', 'chloe kim', 'chloe kim', 'chloe kim', 'chloe kim', 'chloe kim', 'kim', 'kim', 'picabo street', 'picabo street'], ['washing', 'washing', 'washing', 'washing', 'sanitation', 'sanitation', 'pee', 'pee', 'baths', 'baths'], ['linoleum', 'linoleum', 'linoleum', 'linoleum', 'composite', 'composite', 'tile', 'tile', 'concrete', 'concrete'], ['10 minutes', '10 minutes', '10 minutes', '10 minutes', 'half hour', 'half hour', '5 minutes', '5 minutes', 'not long', 'not long'], ['greyhound and boxer', 'greyhound and boxer', 'bulldog', 'bulldog', 'boxer', 'boxer', 'boxers', 'boxers', 'grey hound and boxer', 'grey hound and boxer'], ['very fast', 'very fast', 'very fast', 'very fast', 'high speed', 'high speed', 'bullet', 'bullet', 'fast', 'fast'], ['80 mph', '80 mph', '80 mph', '80 mph', '80 mph', '80 mph', 'fast', 'fast', '60 and 65 mph', '60 and 65 mph'], ['singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', 'singing in rain', \"singin' in rain\", \"singin' in rain\"], ['foal', 'foal', 'foal', 'foal', 'colt', 'colt', 'colt', 'colt', 'zebra', 'zebra'], ['after', 'after', 'after', 'after', 'after', 'after', 'after', 'after', 'before', 'before'], ['fry bake', 'fry bake', 'grill', 'grill', 'grilling', 'grilling', 'bake and fry', 'bake and fry', 'fry and bake', 'fry and bake'], ['2 stories', '2 stories', '2 stories', '2 stories', 'double decker', 'double decker', '14ft', '14ft', '18 feet', '18 feet'], ['kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'kilt', 'skirt', 'skirt'], ['1 way', '1 way', '1 way', '1 way', '1 way', '1 way', 'there', 'there', 'go left', 'go left'], ['border collie', 'border collie', 'border collie', 'border collie', 'cattle', 'cattle', 'sheep dog', 'sheep dog', 'farm dog', 'farm dog'], ['asians', 'asians', 'hindi', 'hindi', 'pacaderms', 'pacaderms', 'asian', 'asian', 'indian', 'indian'], ['6 months', '6 months', '6 months', '6 months', '2 years', '2 years', '4 years', '4 years', '1 week', '1 week'], ['going', 'going', 'going', 'going', 'going', 'going', 'slow down', 'slow down', 'going through it', 'going through it'], ['margarita', 'margarita', 'margarita', 'margarita', 'margarita', 'margarita', 'cocktail', 'cocktail', 'beer', 'beer'], ['horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses', 'horses'], ['houston astros', 'houston astros', 'houston astros', 'houston astros', 'giants', 'giants', 'astros', 'astros', 'team', 'team'], ['oval office', 'oval office', 'oval office', 'oval office', 'presidents room and jeff sessons', 'presidents room and jeff sessons', 'john boehner in press room', 'john boehner in press room', 'media room john boehner', 'media room john boehner'], ['peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'peacock', 'bird', 'bird'], ['saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'saltwater', 'salwater', 'salwater'], ['hair stylist', 'hair stylist', 'hair stylist', 'hair stylist', 'hair stylist', 'hair stylist', 'hair dresser', 'hair dresser', 'heair dresser', 'heair dresser'], ['curtain', 'curtain', 'curtain', 'curtain', 'curtains', 'curtains', 'curtains', 'curtains', 'pleated', 'pleated'], ['las vegas', 'las vegas', 'las vegas', 'las vegas', 'vegas', 'vegas', 'lights', 'lights', 'city', 'city'], ['very fast', 'very fast', 'very fast', 'very fast', 'rashly fast', 'rashly fast', '100 mph', '100 mph', '150', '150'], ['long', 'long', 'long', 'long', 'long', 'long', 'long', 'long', 'long', 'long'], ['sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint', 'sprint'], ['ships', 'ships', 'boats', 'boats', 'raft', 'raft', 'bird', 'bird', 'birds', 'birds'], ['16 years', '16 years', '16 years', '16 years', '2 years', '2 years', '7 years', '7 years', '14 years', '14 years'], ['tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatoes', 'tomatos', 'tomatos'], ['kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten', 'kitten'], ['trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'trailer', 'car', 'car'], ['santa', 'santa', 'santa', 'santa', 'santa claus', 'santa claus', 'santa claus', 'santa claus', 'santa clause', 'santa clause'], ['beds', 'beds', 'beds', 'beds', 'beds', 'beds', 'furniture', 'furniture', 'bed desks', 'bed desks'], ['nevada', 'nevada', 'nevada', 'nevada', 'idaho', 'idaho', 'montana', 'montana', 'washington', 'washington'], ['anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor', 'anchor'], ['41%', '41%', '65', '65', '20%', '20%', '20', '20', '14', '14'], ['prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey', 'prey'], ['vehicle', 'vehicle', 'vehicle', 'vehicle', 'on safari', 'on safari', 'zebra', 'zebra', 'inside truck', 'inside truck'], ['dog driving', 'dog driving', 'dog driving', 'dog driving', 'dog driving', 'dog driving', 'dog driving car', 'dog driving car', 'there is dog driving', 'there is dog driving'], ['tulips', 'tulips', 'tulips', 'tulips', 'tulips', 'tulips', 'roses', 'roses', 'roses', 'roses'], ['book radio', 'book radio', 'book radio', 'book radio', 'sirius', 'sirius', 'sirius', 'sirius', 'family 80', 'family 80'], ['spiders', 'spiders', 'spiders', 'spiders', 'weevils', 'weevils', 'larvae', 'larvae', 'bugs', 'bugs'], ['neoprene', 'neoprene', 'neoprene', 'neoprene', 'rubber', 'rubber', 'rubber', 'rubber', 'polyester', 'polyester'], ['wet suit', 'wet suit', 'wet suit', 'wet suit', 'wet suit', 'wet suit', 'surfng', 'surfng', 'wetsuit', 'wetsuit'], ['listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening', 'listening'], ['mahogany', 'mahogany', 'mahogany', 'mahogany', 'ebony', 'ebony', 'wood', 'wood', 'oak', 'oak']]\n", "image: [, , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , , ]\n", "\n" ] } ] }, { "cell_type": "code", "source": [ "\n", "# 'answers'의 첫 번째 답변만 선택\n", "selected_answers = [ans[0] for ans in used_data['answers']]\n", "\n", "# LabelEncoder를 사용하여 답변을 id로 매핑\n", "label_encoder = LabelEncoder()\n", "encoded_labels = label_encoder.fit_transform(selected_answers)\n", "\n", "# 매핑된 id를 데이터셋에 추가\n", "used_data['label_ids'] = encoded_labels\n", "\n", "# 편평화(flatten)를 위한 함수 정의\n", "def flatten_data(dataset):\n", " flattened_data = []\n", " for i in range(len(dataset['question'])):\n", " flattened_data.append({\n", " 'question': dataset['question'][i],\n", " 'label_ids': dataset['label_ids'][i],\n", " 'image': dataset['image'][i],\n", " })\n", " return flattened_data\n", "\n", "# 편평화 진행\n", "flattened_data = flatten_data(used_data)\n", "\n", "# 결과 출력\n", "for data_point in flattened_data:\n", " print(\"편평화된 데이터 포인트:\")\n", " print(f\"질문: {data_point['question']}\")\n", " print(f\"라벨 ID: {data_point['label_ids']}\")\n", " print(f\"이미지: {data_point['image']}\")\n", " print()\n", "\n" ], "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "FPp_eXTzoZLb", "outputId": "8b544e12-6111-42f6-991a-948ccfc92867" }, "execution_count": 40, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "편평화된 데이터 포인트:\n", "질문: What is the hairstyle of the blond called?\n", "라벨 ID: 138\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How old do you have to be in canada to do this?\n", "라벨 ID: 7\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Can you guess the place where the man is playing?\n", "라벨 ID: 26\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which rail company is named after a town in new mexico?\n", "라벨 ID: 155\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is the boy swimming or doing another water activity?\n", "라벨 ID: 22\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why do kids stare?\n", "라벨 ID: 55\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: When was this piece of sporting equipment invented?\n", "라벨 ID: 9\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why is this officer using this mode of transportation?\n", "라벨 ID: 129\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why is this an atypical look for someone wearing this makeup?\n", "라벨 ID: 48\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which american president is most associated with the stuffed animal seen here?\n", "라벨 ID: 173\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which breed of dog it this?\n", "라벨 ID: 60\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the famous dreamworks animated film where this animal was voiced by chris rock?\n", "라벨 ID: 106\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What objects is this person using to help them ski?\n", "라벨 ID: 136\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Has this guy shaved his beard today how do you know?\n", "라벨 ID: 117\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where would i find this room?\n", "라벨 ID: 90\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What toy store used a mascot similar to these animals for many years?\n", "라벨 ID: 178\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What would the red bottle next to the sink probably contain?\n", "라벨 ID: 59\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How long can this vessel travel?\n", "라벨 ID: 2\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What bird appears in this picture?\n", "라벨 ID: 62\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What event are they setting up for?\n", "라벨 ID: 34\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this meeting about?\n", "라벨 ID: 137\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What's the name of this river?\n", "라벨 ID: 112\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is the scene indoors or outdoors?\n", "라벨 ID: 121\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of dog is in the photo?\n", "라벨 ID: 150\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is on the round plate?\n", "라벨 ID: 53\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does this vehicle usually do?\n", "라벨 ID: 182\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the largest of this type of waterway?\n", "라벨 ID: 44\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of desserts are this?\n", "라벨 ID: 128\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Are the lightswitches on or off?\n", "라벨 ID: 119\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the red items in the bowl?\n", "라벨 ID: 176\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of animal is this?\n", "라벨 ID: 102\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of bushes are behind that bench?\n", "라벨 ID: 93\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What fields are these vechicles used to spray?\n", "라벨 ID: 54\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What image is on the airplane?\n", "라벨 ID: 97\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the park these benches reside in?\n", "라벨 ID: 45\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is missing from this man's body?\n", "라벨 ID: 157\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In what country would you find this bus?\n", "라벨 ID: 187\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What religion holds these animals as sacred?\n", "라벨 ID: 86\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this vehicle used for?\n", "라벨 ID: 50\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of flowers are in the pot?\n", "라벨 ID: 35\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the common name of the orange items seen here?\n", "라벨 ID: 118\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What brand of glove is this?\n", "라벨 ID: 145\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In which type of location are all these people located?\n", "라벨 ID: 166\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are these green signs typically used for?\n", "라벨 ID: 171\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does one call the sheer netting the woman is wearing over her head?\n", "라벨 ID: 191\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are those giraffes eating?\n", "라벨 ID: 79\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the panels on the wall used for?\n", "라벨 ID: 141\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are these two individuals celebrating?\n", "라벨 ID: 109\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is normally used to kill the animals mounted on the wall?\n", "라벨 ID: 83\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What artist is famous to painting images similar to the one over the fireplace?\n", "라벨 ID: 188\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is the beer bottle full or empty?\n", "라벨 ID: 72\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this in a resturaunt or at home?\n", "라벨 ID: 147\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the bridge in the background?\n", "라벨 ID: 78\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: These doors are used for what?\n", "라벨 ID: 63\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of battery does this device use?\n", "라벨 ID: 101\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: The feet of animals like these are called what?\n", "라벨 ID: 130\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the most popular countries for this sport?\n", "라벨 ID: 41\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What brand of shoes is the white woman wearing?\n", "라벨 ID: 51\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does this sign signify?\n", "라벨 ID: 163\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the best way to eat this?\n", "라벨 ID: 132\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Who invented this sport?\n", "라벨 ID: 175\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What breed of sheep is this?\n", "라벨 ID: 110\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What year did this action figures first get released?\n", "라벨 ID: 10\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which disney movie featured this type of garb?\n", "라벨 ID: 114\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is it day or night here?\n", "라벨 ID: 58\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the bean that the flavor of the cupcake comes from?\n", "라벨 ID: 49\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What brand is this blender?\n", "라벨 ID: 120\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: The term multi tasking refers to which two activities seen here?\n", "라벨 ID: 172\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this airplane most likely taking off or landing?\n", "라벨 ID: 94\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What might be some alternate uses of the can shown in the photo?\n", "라벨 ID: 189\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this a city bus or a tour bus?\n", "라벨 ID: 177\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is filled in those bottles?\n", "라벨 ID: 47\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What nickname for the furry animal starts with the same letter as the food in the box?\n", "라벨 ID: 144\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: This young man is demonstrating something you shouldn't do what is it?\n", "라벨 ID: 149\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of store would sell this?\n", "라벨 ID: 74\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What vitamins do you get from these vegetables?\n", "라벨 ID: 33\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What position does she play?\n", "라벨 ID: 75\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Why is that bus taking up three lanes?\n", "라벨 ID: 185\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast can a plane like this fly?\n", "라벨 ID: 18\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What do birds do in the winter?\n", "라벨 ID: 69\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this technique called?\n", "라벨 ID: 148\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What character is this umbrella designed after?\n", "라벨 ID: 160\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the maximum weight the red suitcase can carry?\n", "라벨 ID: 16\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of phone does this man have?\n", "라벨 ID: 89\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of the item worn around the neck and tied at the waist?\n", "라벨 ID: 23\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: When was the last time this team won a national title?\n", "라벨 ID: 11\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is used to help the green plant grow?\n", "라벨 ID: 66\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the name of those flowers?\n", "라벨 ID: 133\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the profession of the man in this photo?\n", "라벨 ID: 161\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What sandwich is that?\n", "라벨 ID: 169\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What opbect is used to protect the eyes which doing water activities at this location?\n", "라벨 ID: 76\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the elephant doing?\n", "라벨 ID: 125\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the seats behind the umpire called?\n", "라벨 ID: 36\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How do you care for this equipment?\n", "라벨 ID: 195\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which are some color corrections needed in this photo?\n", "라벨 ID: 43\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: If one of the dogs falls off this apparatus will it likely float or sink?\n", "라벨 ID: 68\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the complimentary color to the wall?\n", "라벨 ID: 143\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: When was this sport invented?\n", "라벨 ID: 6\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of doughnut is in this picture?\n", "라벨 ID: 139\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which first lady campaigned for healthier school meals?\n", "라벨 ID: 111\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What can happen the objects shown are thrown on the ground?\n", "라벨 ID: 42\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What was the machine beside the bowl used for?\n", "라벨 ID: 174\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of cars are in the photo?\n", "라벨 ID: 127\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What loony tune character is in this photo?\n", "라벨 ID: 186\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How many servings of this food does the average american consume yearly?\n", "라벨 ID: 15\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What famous singer dances and sings while holding one of these?\n", "라벨 ID: 73\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is following the elephant?\n", "라벨 ID: 28\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How old is the man with the receding hairline?\n", "라벨 ID: 13\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the brand of the faucet?\n", "라벨 ID: 113\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of dog is this?\n", "라벨 ID: 153\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of purple flours are growing in the background?\n", "라벨 ID: 96\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What superhero is on the box?\n", "라벨 ID: 30\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What year was the sport played by this team invented?\n", "라벨 ID: 8\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the young school girl demonstrating something to the gentleman?\n", "라벨 ID: 142\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of health condition would you say this cow is in?\n", "라벨 ID: 168\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this a gerbil or hamster?\n", "라벨 ID: 85\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which essential food group is missing?\n", "라벨 ID: 80\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Id these birds?\n", "라벨 ID: 162\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What sort of portable item serves to move the air just like this ceiling item?\n", "라벨 ID: 65\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of shoes is the child wearing?\n", "라벨 ID: 38\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What style of window has an arch on top?\n", "라벨 ID: 24\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Whose birthday is being celebrated?\n", "라벨 ID: 27\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What's the brand of bus?\n", "라벨 ID: 181\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Do the lanes in the picture run in the same or opposing direction?\n", "라벨 ID: 152\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What position is this man sitting in?\n", "라벨 ID: 146\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the mouse attached to?\n", "라벨 ID: 52\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of instruments are they playing?\n", "라벨 ID: 183\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the object in the persons hand called?\n", "라벨 ID: 135\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of architecture is shown?\n", "라벨 ID: 81\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What happened to these scissors?\n", "라벨 ID: 32\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the child wearing over their red shirt?\n", "라벨 ID: 123\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of cargo do these train cars carry?\n", "라벨 ID: 29\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does the bright red light on the vehicle mean?\n", "라벨 ID: 40\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where is this?\n", "라벨 ID: 105\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How tall is the mast on this boat?\n", "라벨 ID: 4\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What would you use this room for?\n", "라벨 ID: 194\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does it mean if this were to light up yellow?\n", "라벨 ID: 159\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the compression ratio of the motor in this motorcycle?\n", "라벨 ID: 3\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where can that toilet seat be bought?\n", "라벨 ID: 104\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is this sign for?\n", "라벨 ID: 170\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which item depicted here is also a kind of shoe?\n", "라벨 ID: 134\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of brightly colored bird is this?\n", "라벨 ID: 131\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What famous mountain is in the background?\n", "라벨 ID: 64\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What do you call the kind of pants that the man on the right is wearing?\n", "라벨 ID: 67\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of knife is being used to cut this apple?\n", "라벨 ID: 126\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the shapes around this cake?\n", "라벨 ID: 167\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is it easier to use chopsticks or cutlery?\n", "라벨 ID: 57\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of lights are on the ceiling?\n", "라벨 ID: 179\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the main attraction presented in this picture?\n", "라벨 ID: 98\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of day is this?\n", "라벨 ID: 124\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which asian american female won a gold medal in this sport?\n", "라벨 ID: 46\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What activities are usually done here?\n", "라벨 ID: 193\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of material is this floor made of?\n", "라벨 ID: 99\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How long did it take to make this?\n", "라벨 ID: 1\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What breed are these dogs?\n", "라벨 ID: 82\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast is the train?\n", "라벨 ID: 192\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast does this vehicle typically go?\n", "라벨 ID: 19\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Which movie starring gene kelley contained a famous muscial number with this item in?\n", "라벨 ID: 158\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the animals offspring called?\n", "라벨 ID: 70\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Is this after or before school hours?\n", "라벨 ID: 20\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are two common cooking methods for this food?\n", "라벨 ID: 71\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How tall are these buses?\n", "라벨 ID: 12\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What sort of knee length plaid garment is associated with where this bus is?\n", "라벨 ID: 91\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does the sign in the reflection say?\n", "라벨 ID: 0\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of dog is this?\n", "라벨 ID: 39\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of elephants are these?\n", "라벨 ID: 25\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How old is the baby giraffe?\n", "라벨 ID: 17\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What should the cars be doing at this light?\n", "라벨 ID: 77\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What type of drink is present in the photo?\n", "라벨 ID: 108\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What did people ride during the pony express?\n", "라벨 ID: 87\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Who won the championship in this sport last year?\n", "라벨 ID: 88\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What room are they in and who is the politician?\n", "라벨 ID: 122\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: A peahen is the female variant of what metal creatures shown?\n", "라벨 ID: 131\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Are these saltwater or freshwater fish?\n", "라벨 ID: 151\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Name the male's profession?\n", "라벨 ID: 84\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the formal name of this type of drapery?\n", "라벨 ID: 56\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where is this scene usually seen?\n", "라벨 ID: 95\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How fast can this transportation vehicle go?\n", "라벨 ID: 192\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of necks do these animals have?\n", "라벨 ID: 103\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What company is featured in this picture?\n", "라벨 ID: 165\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of craft are drifting along this waterway?\n", "라벨 ID: 156\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: How long do the babies of this animal stay with their parent?\n", "라벨 ID: 5\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What are the red veggies called that's on this tray?\n", "라벨 ID: 176\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is a baby of this animal called?\n", "라벨 ID: 92\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What traveling device is being used?\n", "라벨 ID: 180\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What cultural icon is referenced by the red suits?\n", "라벨 ID: 154\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the man in the middle selling?\n", "라벨 ID: 31\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In what state are these mountain ranges?\n", "라벨 ID: 116\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the boat hook to so it doesn't float away?\n", "라벨 ID: 21\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is the percentage of families that have this amount of kids in them in the world?\n", "라벨 ID: 14\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: In the wild is this animal more likely to be predator or prey?\n", "라벨 ID: 140\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Where is this photo taken from?\n", "라벨 ID: 190\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is wrong with this picture?\n", "라벨 ID: 61\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of flowers are in that vase?\n", "라벨 ID: 184\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What radio station is on?\n", "라벨 ID: 37\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What is a common stowaway in this product?\n", "라벨 ID: 164\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What material are these suits made of?\n", "라벨 ID: 115\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What kind of outfit is needed for this?\n", "라벨 ID: 196\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: What does the graffiti on the sign say?\n", "라벨 ID: 100\n", "이미지: \n", "\n", "편평화된 데이터 포인트:\n", "질문: Name the type of wood used to make this table in this picture?\n", "라벨 ID: 107\n", "이미지: \n", "\n" ] } ] }, { "cell_type": "code", "source": [ "# 첫 번째 편평화된 데이터 포인트 출력\n", "print(flattened_data[0])\n" ], "metadata": { "colab": { "base_uri": "https://localhost:8080/" }, "id": "J-yeMe-Go6OX", "outputId": "c341db91-9351-4f22-fe37-7b70ea973a4c" }, "execution_count": 75, "outputs": [ { "output_type": "stream", "name": "stdout", "text": [ "{'question': 'What is the hairstyle of the blond called?', 'label_ids': 138, 'image': }\n" ] } ] }, { "cell_type": "code", "source": [ "import torch\n", "from transformers import AutoTokenizer, AutoModel\n", "from torch.utils.data import DataLoader, TensorDataset\n", "from transformers import AdamW\n", "from transformers import Trainer\n", "# (1) Fine-tuning할 모델 가져오기\n", "model_name = \"microsoft/git-base-vqav2\"\n", "model = AutoModel.from_pretrained(model_name)\n", "\n", "\n", "\n", "\n", "# (2) BertTokenizerFast로 텍스트 토크나이즈\n", "tokenizer = AutoTokenizer.from_pretrained(model_name)\n", "\n", "# 예제 문장\n", "text = \"생명, 우주, 그리고 모든 것에 대한 궁극적인 질문의 답은 무엇인가요?\"\n", "label = 42\n", "\n", "# 텍스트를 토크나이즈하고 입력 형식에 맞게 변환\n", "inputs = tokenizer(text, return_tensors=\"pt\")\n", "input_ids = inputs[\"input_ids\"]\n", "attention_mask = inputs[\"attention_mask\"]\n", "\n", "# (3) 배치 생성 및 모델 초기화\n", "# 예제 데이터\n", "texts = [\"인생의 의미는 무엇인가요?\", \"프랑스의 수도는 어디인가요?\", \"로미오와 줄리엣을 쓴 작가는 누구인가요?\", \"2 더하기 2는 무엇인가요?\"]\n", "labels = torch.tensor([42, 0, 1, 4])\n", "\n", "# 텍스트를 토크나이즈하고 입력 형식에 맞게 변환\n", "tokenized = tokenizer(texts, return_tensors=\"pt\", padding=True, truncation=True)\n", "\n", "# 입력 데이터셋 생성\n", "dataset = TensorDataset(tokenized[\"input_ids\"], tokenized[\"attention_mask\"], labels)\n", "\n", "# DataLoader 생성\n", "batch_size = 8\n", "dataloader = DataLoader(dataset, batch_size=batch_size, shuffle=True)\n", "\n", "# AdamW 옵티마이저 설정\n", "optimizer = AdamW(model.parameters(), lr=5e-5)\n", "\n", "# (4) Fine-tuning하기\n", "epochs = 20\n", "\n", "for epoch in range(epochs):\n", " total_loss = 0\n", " model.train()\n", "\n", " for batch in dataloader:\n", " input_ids, attention_mask, labels = batch\n", "\n", " optimizer.zero_grad()\n", "\n", " outputs = model(input_ids=input_ids, attention_mask=attention_mask)\n", " logits = outputs.last_hidden_state\n", "\n", " # 손실을 계산하고 역전파\n", " logits_flat = logits.view(-1, logits.size(-1)) # 평탄화\n", " labels_flat = labels.view(-1)\n", "\n", " # 레이블과 예측의 크기가 일치하도록 배치 크기를 조절\n", " logits_flat = logits_flat[:labels_flat.size(0), :]\n", "\n", " loss = torch.nn.functional.cross_entropy(logits_flat, labels_flat)\n", " total_loss += loss.item()\n", "\n", " loss.backward()\n", " optimizer.step()\n", "\n", " average_loss = total_loss / len(dataloader)\n", " print(f\"Epoch {epoch + 1}/{epochs}, Loss: {average_loss}\")\n", "\n", "# Fine-tuning이 완료된 모델을 저장하려면 아래 코드를 추가합니다.\n", "model.save_pretrained(\"chojo12/task4\")\n", "tokenizer.save_pretrained(\"chojo12/task4\")\n", "\n", "\n" ], "metadata": { "id": "rfSNIK8XCNac", "colab": { "base_uri": "https://localhost:8080/" }, "outputId": "4d1d2ec5-85a5-49e6-d384-f2da75a1cb09" }, "execution_count": 110, "outputs": [ { "output_type": "stream", "name": "stderr", "text": [ "/usr/local/lib/python3.10/dist-packages/transformers/optimization.py:411: FutureWarning: This implementation of AdamW is deprecated and will be removed in a future version. Use the PyTorch implementation torch.optim.AdamW instead, or set `no_deprecation_warning=True` to disable this warning\n", " warnings.warn(\n" ] }, { "output_type": "stream", "name": "stdout", "text": [ "Epoch 1/20, Loss: 7.648337364196777\n", "Epoch 2/20, Loss: 4.4959611892700195\n", "Epoch 3/20, Loss: 5.166015625\n", "Epoch 4/20, Loss: 4.7986297607421875\n", "Epoch 5/20, Loss: 2.5234715938568115\n", "Epoch 6/20, Loss: 2.0825278759002686\n", "Epoch 7/20, Loss: 3.4401731491088867\n", "Epoch 8/20, Loss: 3.169785976409912\n", "Epoch 9/20, Loss: 3.463315725326538\n", "Epoch 10/20, Loss: 3.2633056640625\n", "Epoch 11/20, Loss: 3.630765676498413\n", "Epoch 12/20, Loss: 2.84836483001709\n", "Epoch 13/20, Loss: 2.2839784622192383\n", "Epoch 14/20, Loss: 1.7288882732391357\n", "Epoch 15/20, Loss: 1.3944531679153442\n", "Epoch 16/20, Loss: 1.4189079999923706\n", "Epoch 17/20, Loss: 1.8800429105758667\n", "Epoch 18/20, Loss: 2.3808255195617676\n", "Epoch 19/20, Loss: 3.0462162494659424\n", "Epoch 20/20, Loss: 2.2001445293426514\n" ] }, { "output_type": "execute_result", "data": { "text/plain": [ "('chojo12/task4/tokenizer_config.json',\n", " 'chojo12/task4/special_tokens_map.json',\n", " 'chojo12/task4/vocab.txt',\n", " 'chojo12/task4/added_tokens.json',\n", " 'chojo12/task4/tokenizer.json')" ] }, "metadata": {}, "execution_count": 110 } ] } ], "metadata": { "accelerator": "GPU", "colab": { "machine_shape": "hm", "provenance": [] }, "kernelspec": { "display_name": "Python 3.9.7 ('climate')", "language": "python", "name": "python3" }, "language_info": { "name": "python", "version": "3.9.7" }, "vscode": { "interpreter": { "hash": "0d7967a8d9afcf4b31f4d35ec92712493ac98bed77dd4624f3d610c11e265b0a" } }, "widgets": { "application/vnd.jupyter.widget-state+json": { "a03e858cba9641a2a48a2ef0c5f72395": { "model_module": "@jupyter-widgets/controls", "model_name": "VBoxModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "VBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "VBoxView", "box_style": "", "children": [ "IPY_MODEL_09fabe9c5d9f48e3977b78719955bfcc", "IPY_MODEL_a277f04253704c49ac93154d0116f82f", "IPY_MODEL_e69406679ea14ac2bf5c3129b3f49688", "IPY_MODEL_eec1ebd3828f441980de0d4748530292", "IPY_MODEL_a3df5f3b040e47eca41b6edb18bfdaec" ], "layout": "IPY_MODEL_70fe23ef9d0640f58a7defe83909466f" } }, "09fabe9c5d9f48e3977b78719955bfcc": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_7e839dca60f0417b8707fe24e6eaf4fc", "placeholder": "​", "style": "IPY_MODEL_71347320b26c42ef8502183e2c1c49ab", "value": "

Copy a token from your Hugging Face\ntokens page and paste it below.
Immediately click login after copying\nyour token or it might be stored in plain text in this notebook file.
" } }, "a277f04253704c49ac93154d0116f82f": { "model_module": "@jupyter-widgets/controls", "model_name": "PasswordModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "PasswordModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "PasswordView", "continuous_update": true, "description": "Token:", "description_tooltip": null, "disabled": false, "layout": "IPY_MODEL_79a242ffa6e245d684c802a7ce259bec", "placeholder": "​", "style": "IPY_MODEL_019eb84d8587454b9a27342324686b94", "value": "" } }, "e69406679ea14ac2bf5c3129b3f49688": { "model_module": "@jupyter-widgets/controls", "model_name": "CheckboxModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "CheckboxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "CheckboxView", "description": "Add token as git credential?", "description_tooltip": null, "disabled": false, "indent": true, "layout": "IPY_MODEL_80d10db11d554e1cbe4bec6798d48273", "style": "IPY_MODEL_1013a24fb2094ad182d67e806a3a8383", "value": true } }, "eec1ebd3828f441980de0d4748530292": { "model_module": "@jupyter-widgets/controls", "model_name": "ButtonModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ButtonModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ButtonView", "button_style": "", "description": "Login", "disabled": false, "icon": "", "layout": "IPY_MODEL_4418715a20534c688bac598d1360bbc9", "style": "IPY_MODEL_0700f3b9f27e459b8eed08b7eda82db9", "tooltip": "" } }, "a3df5f3b040e47eca41b6edb18bfdaec": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_4d60042a3bf14a059633598673f0b3eb", "placeholder": "​", "style": "IPY_MODEL_26ecc6362da946c8b3d2607e99796499", "value": "\nPro Tip: If you don't already have one, you can create a dedicated\n'notebooks' token with 'write' access, that you can then easily reuse for all\nnotebooks.
" } }, "70fe23ef9d0640f58a7defe83909466f": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": "center", "align_self": null, "border": null, "bottom": null, "display": "flex", "flex": null, "flex_flow": "column", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "50%" } }, "7e839dca60f0417b8707fe24e6eaf4fc": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "71347320b26c42ef8502183e2c1c49ab": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "79a242ffa6e245d684c802a7ce259bec": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "019eb84d8587454b9a27342324686b94": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "80d10db11d554e1cbe4bec6798d48273": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "1013a24fb2094ad182d67e806a3a8383": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "4418715a20534c688bac598d1360bbc9": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "0700f3b9f27e459b8eed08b7eda82db9": { "model_module": "@jupyter-widgets/controls", "model_name": "ButtonStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ButtonStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "button_color": null, "font_weight": "" } }, "4d60042a3bf14a059633598673f0b3eb": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "26ecc6362da946c8b3d2607e99796499": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "316d1c4344a64a47b70846e861746d75": { "model_module": "@jupyter-widgets/controls", "model_name": "VBoxModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "VBoxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "VBoxView", "box_style": "", "children": [ "IPY_MODEL_2471f100f2c84ba7b7ba1e9f9f8aa100", "IPY_MODEL_723d7c9244a34f2dae3f276cb6daa2f3", "IPY_MODEL_f8d087b7a2dd4ac988ddb4604b7dcd2b", "IPY_MODEL_f41515886f954dd095814c9e13eefa03" ], "layout": "IPY_MODEL_602adfa92f9d43f083b4a99e63e9326f" } }, "7895bcf96a504441a54dfb19477467d1": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_e99d564d6a3b41799bcfbc622e4d6915", "placeholder": "​", "style": "IPY_MODEL_512ca48e91d84edb9aa0a879e9c162bf", "value": "

Copy a token from your Hugging Face\ntokens page and paste it below.
Immediately click login after copying\nyour token or it might be stored in plain text in this notebook file.
" } }, "7a4a0de4ae5c466eaef147c8b5c04aab": { "model_module": "@jupyter-widgets/controls", "model_name": "PasswordModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "PasswordModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "PasswordView", "continuous_update": true, "description": "Token:", "description_tooltip": null, "disabled": false, "layout": "IPY_MODEL_e0d0798062a54cb38269d3c86c8db7ac", "placeholder": "​", "style": "IPY_MODEL_19b2af04c78e4a2b8cae575c4329b6ac", "value": "" } }, "efccc58637044520b646f2c4bfc4998a": { "model_module": "@jupyter-widgets/controls", "model_name": "CheckboxModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "CheckboxModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "CheckboxView", "description": "Add token as git credential?", "description_tooltip": null, "disabled": false, "indent": true, "layout": "IPY_MODEL_2325ee299f2f498e9eb91b28826f3883", "style": "IPY_MODEL_8ee3f1d0b81a41128137539d83f53263", "value": true } }, "27d6d083732a43f9889782dbb38870a8": { "model_module": "@jupyter-widgets/controls", "model_name": "ButtonModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ButtonModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "ButtonView", "button_style": "", "description": "Login", "disabled": false, "icon": "", "layout": "IPY_MODEL_0b14158090cb4f41a4bf2168bfb0ca92", "style": "IPY_MODEL_2506da84d0d5442d8f4dfb6c1cae4ac5", "tooltip": "" } }, "dc33d993b9e94d839b4c944f6cf3870a": { "model_module": "@jupyter-widgets/controls", "model_name": "HTMLModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "HTMLModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "HTMLView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_9c6cdeaca2f04503b9a227f242b585e6", "placeholder": "​", "style": "IPY_MODEL_fc818904176e4871b9014e46de9b0172", "value": "\nPro Tip: If you don't already have one, you can create a dedicated\n'notebooks' token with 'write' access, that you can then easily reuse for all\nnotebooks.
" } }, "602adfa92f9d43f083b4a99e63e9326f": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": "center", "align_self": null, "border": null, "bottom": null, "display": "flex", "flex": null, "flex_flow": "column", "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": "50%" } }, "e99d564d6a3b41799bcfbc622e4d6915": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "512ca48e91d84edb9aa0a879e9c162bf": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "e0d0798062a54cb38269d3c86c8db7ac": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "19b2af04c78e4a2b8cae575c4329b6ac": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "2325ee299f2f498e9eb91b28826f3883": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "8ee3f1d0b81a41128137539d83f53263": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "0b14158090cb4f41a4bf2168bfb0ca92": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "2506da84d0d5442d8f4dfb6c1cae4ac5": { "model_module": "@jupyter-widgets/controls", "model_name": "ButtonStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "ButtonStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "button_color": null, "font_weight": "" } }, "9c6cdeaca2f04503b9a227f242b585e6": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "fc818904176e4871b9014e46de9b0172": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "cea2bbc5d66c479f95bd67a752161d8c": { "model_module": "@jupyter-widgets/controls", "model_name": "LabelModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "LabelModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "LabelView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_2ab61717341f401e8862b7691b17792e", "placeholder": "​", "style": "IPY_MODEL_589a52edf81948abb5f7c61f107139ca", "value": "Connecting..." } }, "2ab61717341f401e8862b7691b17792e": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "589a52edf81948abb5f7c61f107139ca": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "2471f100f2c84ba7b7ba1e9f9f8aa100": { "model_module": "@jupyter-widgets/controls", "model_name": "LabelModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "LabelModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "LabelView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_b3a50604c19548e59b80b26319d235dc", "placeholder": "​", "style": "IPY_MODEL_acc2323c70c542dda1cfe4995648e778", "value": "Token is valid (permission: write)." } }, "723d7c9244a34f2dae3f276cb6daa2f3": { "model_module": "@jupyter-widgets/controls", "model_name": "LabelModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "LabelModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "LabelView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_e49af6672277401489345877095e2ea7", "placeholder": "​", "style": "IPY_MODEL_7252260adb92463d8ea522039a480da7", "value": "Your token has been saved in your configured git credential helpers (store)." } }, "f8d087b7a2dd4ac988ddb4604b7dcd2b": { "model_module": "@jupyter-widgets/controls", "model_name": "LabelModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "LabelModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "LabelView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_9aca03d60ac144088abb75d5a2dcca1f", "placeholder": "​", "style": "IPY_MODEL_448f079344294f9caeae477e53ce8264", "value": "Your token has been saved to /root/.cache/huggingface/token" } }, "f41515886f954dd095814c9e13eefa03": { "model_module": "@jupyter-widgets/controls", "model_name": "LabelModel", "model_module_version": "1.5.0", "state": { "_dom_classes": [], "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "LabelModel", "_view_count": null, "_view_module": "@jupyter-widgets/controls", "_view_module_version": "1.5.0", "_view_name": "LabelView", "description": "", "description_tooltip": null, "layout": "IPY_MODEL_5c8002727196430681a2a50524fab2e3", "placeholder": "​", "style": "IPY_MODEL_b28a76eec7154edb8da201543bec299f", "value": "Login successful" } }, "b3a50604c19548e59b80b26319d235dc": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "acc2323c70c542dda1cfe4995648e778": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "e49af6672277401489345877095e2ea7": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "7252260adb92463d8ea522039a480da7": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "9aca03d60ac144088abb75d5a2dcca1f": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "448f079344294f9caeae477e53ce8264": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } }, "5c8002727196430681a2a50524fab2e3": { "model_module": "@jupyter-widgets/base", "model_name": "LayoutModel", "model_module_version": "1.2.0", "state": { "_model_module": "@jupyter-widgets/base", "_model_module_version": "1.2.0", "_model_name": "LayoutModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "LayoutView", "align_content": null, "align_items": null, "align_self": null, "border": null, "bottom": null, "display": null, "flex": null, "flex_flow": null, "grid_area": null, "grid_auto_columns": null, "grid_auto_flow": null, "grid_auto_rows": null, "grid_column": null, "grid_gap": null, "grid_row": null, "grid_template_areas": null, "grid_template_columns": null, "grid_template_rows": null, "height": null, "justify_content": null, "justify_items": null, "left": null, "margin": null, "max_height": null, "max_width": null, "min_height": null, "min_width": null, "object_fit": null, "object_position": null, "order": null, "overflow": null, "overflow_x": null, "overflow_y": null, "padding": null, "right": null, "top": null, "visibility": null, "width": null } }, "b28a76eec7154edb8da201543bec299f": { "model_module": "@jupyter-widgets/controls", "model_name": "DescriptionStyleModel", "model_module_version": "1.5.0", "state": { "_model_module": "@jupyter-widgets/controls", "_model_module_version": "1.5.0", "_model_name": "DescriptionStyleModel", "_view_count": null, "_view_module": "@jupyter-widgets/base", "_view_module_version": "1.2.0", "_view_name": "StyleView", "description_width": "" } } } } }, "nbformat": 4, "nbformat_minor": 0 }