Coco dataset format python. pyplot as plt image_directory ='my_images/' image = io.

Coco dataset format python. dataset = build_dataset(cfg.
Coco dataset format python COCO JSON is not widely used outside of the COCO dataset. Jan 7, 2024 · To convert labels from YOLO format to COCO format, you would typically need to write a custom script that maps YOLO annotations to the COCO JSON structure. It uses the initial tools and approach described in two publications from Viraf Patrawala. dataset = build_dataset(cfg. You switched accounts on another tab or window. Now suppose I have valid image metadata in image_data. csv file have columns image_name, xmin, ymin, xmax, ymax, classification. You can find the dataset here on Kaggle. It was implemented using the COCO Python API \cite{coco_keypoints}. Nov 11, 2022 · 보통 저는 coco format을 사용해서 데이터를 다루는 것을 선호하기 때문에 항상 coco로 변환하는 작업을 하고 있습니다. You can create a separate JSON file for training, testing, and validation purposes. It is a subset of the popular COCO dataset and focuses on human pose estimation. It helps to perform following tasks: Parse SOLO datasets generated with Unity Perception; Dataset iterables; Convert SOLO to COCO format; Compute common statistics; You can read more about SOLO schema here. The dataset has 2. Of course, if you want to do this, you need to modify the variables a bit, since originally it was designed for "shapes" dataset. Perfect for getting started with YOLO-based object detection tasks! The COCO (Common Objects in Context) dataset is a large-scale object detection, segmentation, and captioning dataset. py -h usage: cocoviewer. I can display the image and the annotation with. But I do not want to train a new model. In my dataset, I have in total of 10 images, and 3 categories,i. ipynb. Reload to refresh your session. You should take a look at my COCO style dataset generator GUI repo. How can I convert COCO dataset annotations to the YOLO format? Converting COCO format annotations to YOLO format is straightforward using Ultralytics tools. First, load the YOLO files into a FiftyOne dataset using Python: Jan 29, 2020 · Image Processing Problems, adapted from Stanford’s CS231N course. Beyond that, it's just simply about matching the format used by the COCO dataset's JSON file. The code also provides an AWS CLI command that you can use to upload your images. Nov 26, 2021 · 概要. I recommend you to check out fiftyone: This tool given a COCO annotations file and COCO predictions file will let you explore your dataset, visualize Apr 1, 2022 · I am trying to create my own dataset in COCO format. We will use the COCO dataset and the pycocotools library to extract annotations Feb 26, 2019 · TensorFlow Object Detection API - How to train on COCO dataset and achieve same mAP as the reported one? Hot Network Questions Advanced utility functions that distinguish risk from uncertainty Dec 30, 2019 · I also built this exporter for instance segmentation, from masks to COCO JSON annotation format, while preserving the holes in the object. Apr 7, 2019 · One more approach could be uploading just the annotations file to Google Colab. rcParams['figure. Jun 26, 2022 · The problem is that the author gets COCO dataset using tfds. Currently, the supported file Oct 24, 2022 · The format of COCO has a skeleton that tells you the connection between the different keypoints. Mar 14, 2021 · You can easily build the dataset by. I tried to convert the dataset using simple python code. The dataset has annotations for multiple tasks. Jan 14, 2022 · Stack Overflow for Teams Where developers & technologists share private knowledge with coworkers; Advertising & Talent Reach devs & technologists worldwide about your product, service or employer brand Oct 24, 2017 · I am working with MS-COCO dataset and I want to extract bounding boxes as well as labels for the images corresponding to backpack (category ID: 27) and laptop (category ID: 73) categories, and stor Jun 6, 2018 · Okay so I figured it out. It is extensively used in the computer vision community. sklearn's train_test_split function is able to accept pandas DataFrames as well as numpy arrays. Then we can use the COCO api to get a list of all image_ids which contain annotated bicycles. You signed out in another tab or window. g. pyplot as plt image_directory ='my_images/' image = io. org. prepare() populates dataset_train with some kind of array of images, or else an array of the paths to the images. e. Nov 5, 2019 · Understanding and applying PyTorch’s Dataset & DataLoader to train an Object Detector with your own data in COCO format The "COCO format" is a json structure that governs how labels and metadata are formatted for a dataset. df = dataset. You can use the convert_coco function from the ultralytics. This script assumes that you have one geoJSON with polygon annotations for a geographic extent, and one raster fie that covers this entire geographic extent. The idea behind multiplying the masks by the index i was that this way each label has a different value and you can use a colormap like the one in your image (I'm guessing it's nipy_spectral) to separate them in your imshow plot COCO is a format for specifying large-scale object detection, segmentation, and captioning datasets. So, I have now the complete dataset in COCO format. It covers model training on a custom COCO dataset, evaluating performance, and performing object detection on sample images. The image size can be computed on the go. For example, I have a dataset of cars and bicycles. , and populating them with data converted from YOLO format. The YOLO OBB dataset format is structured as follows: One text file per image: Each image in the dataset has a corresponding text file with the same name as the image file and the ". In this article I show you how to adapt your collection to this format. df[dataset. from pycocotools. With this exporter you will be able to have annotations with holes, therefore help the network learn better. load_data('PATH_TO_TRAIN_JSON', 'PATH_TO_IMAGES') dataset_train. You can change the relative dataset path in the YAML file according to your structure. COCO-Pose includes multiple keypoints for each human instance. Commented Jun 24, 2020 at 1:37. test) While building the cfg you can insert how the test pipeline and config will work. Here is a Python script that I wrote for downloading images of particular classes from the Coco Dataset that can be used for training your model on the Yolo object detection model. Jun 12, 2018 · cool, glad it helped! note that this way you're generating a binary mask. COCO Dataset Formats. first, we display our base image we can get the image_filename from our coco loaded dataset using img[‘file_name’] (note that we have loaded images with coco. FiftyOne has a pretty powerful Python API, it would be really easy to use it for your problem of merging duplicate copies of the same image. Also in COCO format they have one supercategory but many keypoints. Note: * Some images from the train and validation sets don't have annotations. The code uploads the created manifest file to your Amazon S3 bucket. COCO minitrain is a subset of the COCO train2017 dataset, and contains 25K images (about 20% of the train2017 set) and around 184K annotations across 80 object categories. The following code outputs an evaluation of all 80 Coco categories. org/ Note: Gist probably won't show the segmentations, but if you run this code in your own Jupyter Notebook, you'll see them. I tried to reproduce it by finding the edges and then getting the coordinates of the edges. py [-h] [-i PATH] [-a PATH] View images with bboxes from the COCO dataset optional arguments: -h, --help show this help message and exit-i PATH, --images PATH path to images folder -a PATH, --annotations PATH path to annotations json file Oct 26, 2021 · from pylabel import importer dataset = importer. The COCO (Common Objects in Context) dataset comprises 91 common object categories, 82 of which have more than 5,000 labeled examples. coco import COCO import requests from requests. As I see it, the annotation segmentation pixels are next to eachother. It is designed to encourage research on a wide variety of object categories and is commonly used for benchmarking computer vision models. Check the data_configs/coco. In my dataset, I have only one type of keypoint and many supercategory. result2json(result) to get the annotations in json format. COCO: A large-scale object detection, segmentation, and captioning dataset. python create_list. The code is an updated version from akarazniewicz/cocosplit original repo, where the functionality of splitting multi-class data while preserving distributions is added. We will make use of the PyCoco API. 概要あらゆる最新のアルゴリズムの評価にCOCOのデータセットが用いられている。すなわち、学習も識別もCOCOフォーマットに最適化されている。自身の画像をCOCOフォーマットで作っておけば、サ… Sep 5, 2024 · COCO JSON Format for Object Detection. * Coco 2014 and 2017 uses the same images, but different train/val/test splits * The test split don't have any annotations (only images). A simple utility to upload a COCO dataset format to custom vision and vice versa. Of those 10 images, 6 images contain apple, 5 images contain mango, and 4 contain banana. Feb 18, 2024 · Dataset Format: A COCO dataset comprises five key sections, each providing essential information for the dataset: Info: Offers general information about the dataset. txt file in Ubuntu, you can use path_replacer. Aug 28, 2024 · The following command expects the coco dataset to be present one directory back inside the input folder in XML format. Simple tool to split a multi-label coco annotation dataset with preserving class distributions among train and test sets. import skimage. Convert Dataset Formats¶. The overall process is as follows: Install pycocotools Oct 18, 2020 · The COCO Dataset Format. Then you can use the dataset. Aug 31, 2017 · To generate the JSON file for a COCO-style dataset, you should look into the Python's JSON API. . You signed in with another tab or window. annToMask(anns[0]) for i in range(len(anns)): mask += coco. Next, when preparing an image, instead of accessing the image file from Drive / local folder, you can read the image file with the URL! Mar 17, 2022 · mask = coco. This package provides Matlab, Python, and Lua APIs that assists in loading, parsing, and visualizing the annotations in COCO. 2. It required that our model outputs be formatted according to the COCO keypoint detection standard \cite{coco_format_results}. This can be used to backup your custom vision object detection projects into a storage account and restore it later or use AzureML to create a more custom CV model. isin(files)]. My goal is to merge the categories "cars", "trucks", "bus" to a new category "vehicles". info@cocodataset. df. import skimage import math from itertools import chain import numpy as np We provide a script to download datasets such as COCO, you can run python tools/misc/download_dataset. Computer vision problems require annotated datasets. urllib3. load() I explored these TFRecords files and I noticed that their image annotations are in a different way (different from default COCO annotations) as shown in the image below: annotation comparison Feb 19, 2023 · 自分のデータでCOCO形式のデータセットを正しく作るの、本当にこれであっているのかなあ、と不安になりながらやっていたので、これでOKだよ、というのをメモ。ちなみにObject Detection… Built with Pydantic and pycocotools, it features a complete implementation of the COCO standard for object detection with out-of-the-box support for JSON-encoding and RLE compression. img_filename. Sep 10, 2019 · 0. data. I didn't change anything. But this custom image dataset contains images with no objects (i. The dataset includes various traffic sign overlays placed on diverse background images, offering a wide range of scenarios to enhance model robustness. Object detection problems, specifically, require that items within frame are bounded in labeled annotations. Jan 21, 2023 · In this article, we will go through the process of creating a custom COCO dataset for object detection using Python. First, we clone the repository and add the folders images and annotations to the root of the repository. The trained model is exported in ONNX format for flexible deployment. As a result, if you want to add data to extend COCO in your copy of the dataset, you may need to convert your existing annotations to COCO. This recipe demonstrates how to use FiftyOne to convert datasets on disk between common formats. Jan 3, 2022 · After reading this post, you will be able to easily convert any dataset into COCO object detection format 🚀. Jan 21, 2024 · The tutorial walks through setting up a Python environment, loading the raw annotations into a Pandas DataFrame, annotating and augmenting images using torchvision’s Transforms V2 API, and creating a custom Dataset class to feed samples to a model. This Python script generates a synthetic dataset of traffic sign images in COCO format, intended for training and testing object detection models. 0, 10. This repository showcases object detection using YOLOv8 and Python. packages. yaml for more details. The COCO dataset comes down in a special format called COCO JSON. If you want to quickly create a train. To perfome any Transformations with Albumentation you need to input the transformation function inputs as shown : 1- Image in RGB = (list)[ ] 2- Bounding boxs : (list)[ ] 3- Class labels : (list)[ ] 4- List of all the classes names for each label COCO# Format specification# COCO format specification is available here. Description: COCO-Pose is a large-scale object detection, segmentation, and pose estimation dataset. Feb 11, 2023 · In this tutorial, I’ll walk you through the step-by-step process of loading and visualizing the COCO object detection dataset using custom code, without relying on the COCO API. Jun 29, 2018 · To download images from a specific category, you can use the COCO API. Check here for the content witthin cfg. In this case, we are focused in the challenge of keypoint detection. Jun 23, 2020 · I found also Guide to making own dataset in COCO Format – furas. The output is a JSON file in the COCO format, which can be used If you think about using this software - there are better alternatives out there that do the same (and much much more) and are actively maintained. You can find more information about this format here . python yolov5_2_coco. create image and annotation list. Convert VOC format XMLs to COCO format json. Contribute to yukkyo/voc2coco development by creating an account on GitHub. However, I am struggling with a few things. 그 중 작성해둔 코드가 있는 xml -> COCO를 아래 나열합니다. python converter instance The Microsoft Common Objects in COntext (MS COCO) dataset is a large-scale dataset for scene understanding. . Works with 2 simple arguments. COCO stores data in a JSON file formatted by info, licenses, categories, images, and annotations. py--dataset-name coco2017 to download COCO dataset. COCO Dataset Overview Nov 14, 2021 · for visualizing the dataset we are using matplotlib here for illustration we are gonna use 3 images. Install sahi: pip install sahi. The following parameters are available to configure partial downloads of both COCO-2014 and COCO-2017 by passing them to load_zoo_dataset(): split (None) and splits (None): a string or list of strings, respectively, specifying the splits to load. So, this application has been created to get and vizualize data from COCO May 2, 2021 · COCO is a large image dataset designed for object detection, segmentation, person keypoints detection, stuff segmentation, and caption generation. Understanding how this dataset is represented will help with using and modifying the existing datasets and also May 23, 2021 · To get annotated bicycle images we can subsample the COCO dataset for the bicycle class (coco label 2). Features : Download images with labels for particular classes at the same time. python annotations dataset coco object-detection coco-format coco-json. Apr 2, 2022 · Now each . The dataset is commonly used to train and benchmark object detection, segmentation, and captioning algorithms. adapters import HTTPAdapter from requests. There's no need to download the image dataset. io as io import matplotlib. COCO-annotator and COCOapi. I want to convert this . # COCO - COCO api class that loads COCO annotation file and prepare data structures. ImportCoco(path_to_annotations) #Now the annotations are stored in a dataframe #that you can query and manipulate like any other pandas dataframe #In this case we filter the dataframe to images in a list of images dataset. The example below demonstrates a round-trip export and then re-import of both images-and-labels and labels-only data in COCO format: I'm super new to this topic of object detection and TensorFlow and I was wondering how can I load this file as a TensorFlow dataset? I've used pandas to read it as a DataFrame but I can't parse it pysolotools is a python package for managing SOLO datasets. 5 million labeled instances in 328k photos, created with the help of a large number of crowd workers using unique user interfaces for category detection, instance spotting, and instance segmentation. converter module: All 128 Python yolo coco annotation-tool oriented-bounding-box yolo-format coco-dataset cvat Get specific classes from the Coco Dataset with annotations for Microsoft COCO is a large-scale dataset and data annotation format. I built a very simple tool to create COCO-style datasets. imread(image_directory + image_data['file_name']) plt. Apr 20, 2020 · Object detection task: adapt your own data to a COCO dataset format 9 minute read Many state-of-the-art algorithms for object detection are trained to evaluate on a COCO dataset. You can read more about the dataset on the website, research paper, or Appendix section at the end of this page. Just maybe use column name instead of A set of tools for converting a yolov5 format dataset to COCO format working with yolov5, yolox and yolov6. After downloading the images and annotations run the Python demo for May 11, 2019 · Welcome to the COCO2YOLO repository! This toolkit is designed to help you convert datasets in JSON format, following the COCO (Common Objects in Context) standards, into YOLO (You Only Look Once) format, which is widely recognized for its efficiency in real-time object detection tasks. [1] How to install coco dataset API Nov 17, 2024 · This conversion tool can be used to convert the COCO dataset or any dataset in the COCO format to the Ultralytics YOLO format. Mar 26, 2018 · To create a COCO dataset of annotated images, you need to convert binary masks into either polygons or uncompressed run length encoding representations depending on the type of object. Each task has its own format in Datumaro, and there is also a combined coco format, which includes all the available tasks. reset_index() dataset Hasty allows you to export your project in the very well-known COCO dataset format. This hands-on approach will help you gain a deeper understanding of the dataset’s structure and how it can be loaded into your projects. , apple, mango, and banana. However, this is not exactly as it in the COCO datasets. The resulting datasets are versioned, easily extendable with new annotations and fully compatible with other data applications that accept the COCO format. util. path import join from tqdm import tqdm import json class coco_category_filter: """ Downloads images of one category & filters jsons to only keep annotations of this category """ def Dec 24, 2022 · Here is an example of how you might use the COCO format to load and process a COCO dataset for image classification in Python: Here is an example of how you might use the COCO format to train Nov 27, 2021 · python scripts to convert labelme-generated-jsons to voc/coco style datasets. dataset labelme labelme-tool coco-dataset-format voc-dataset-format Updated Nov 28, 2021 Use the following Python example to transform bounding box information from a COCO format dataset into an Amazon Rekognition Custom Labels manifest file. There are even tools built specifically to work with datasets in COCO format, e. The API allows for evaluation of results and the ability to compute precision and recall of OKS across scales. csv files into coco dataset format. imshow(image); plt. MicrosoftのCommon Objects in Contextデータセット(通称MS COCO dataset)のフォーマットに準拠したオリジナルのデータセットを作成したい場合に、どの要素に何の情報を記述して、どういう形式で出力するのが適切なのかがわかりづらかったため、実例を交えつつ各要素の内容を網羅的にまとめまし May 13, 2024 · All 6 Python 4 Jupyter Notebook 2. Label Format: Same as Ultralytics YOLO format as described above, with keypoints for human poses. Today, COCO is a widely adopted standard for object detection, segmentation, and captioning. Please note that the main COCO project has tasks for object and keypoint detection, panoptic and stuff segmentation, densepose, and image captioning. Aug 5, 2021 · If still needed, or smb else needs it, maybe you could adapt this to coco's annotations format: It also checks for relevant, non-empty/single-point polygons The format of the COCO-Text annotations is also This dataset is based on Microsoft COCO. Key Nov 29, 2019 · I am trying to merge certain classes on the coco dataset for evaluation. Jan 22, 2020 · dataset_train = CocoLikeDataset() dataset_train. Using binary OR would be safer in this case instead of simple addition. So how can I deal with images without no annotations? Sep 4, 2019 · I created a custom COCO dataset. Code to convert Dataturk data to PascalVOOC and then to COCO dataset format and optionally prepare for FastAI. Explore COCO dataset and manipulate elements in the context of semantic segmentation. coco dataset 2017 to voc format, then convert to lmdb - youngxiao/coco2voc. The COCO dataset follows a structured format using JSON (JavaScript Object Notation) files that provide detailed annotations. If you have an existing dataset and corresponding model predictions stored in COCO format, then you can use add_coco_labels() to conveniently add the labels to the dataset. The COCO dataset is formatted in JSON and is a collection of “info”, “licenses”, “images”, “annotations”, “categories” (in most cases), and “segment info” (in one case). For example, say you are working on a road scene detection task and you are Oct 12, 2021 · Stuff image segmentation: per-pixel segmentation masks with 91 stuff categories are also provided by the dataset. So, when exporting your project in the COCO format you will not get any attribute data. The use_keypoints parameter specifies whether to include keypoints (for pose estimation) in the converted labels. Import required classes: Jan 10, 2019 · This notebook will allow you to view details about a COCO dataset and preview segmentations on annotated images. There is a file which I found here, showing a generic way of loading a coco-style dataset and making it work. However, I have some challenges with the annotation called segmentation. # decodeMask - Decode binary mask M encoded via run-length encoding. This Python example shows you how to transform a COCO object detection format dataset into an Amazon Rekognition Custom Labels bounding box format manifest file Jul 30, 2020 · Format of this dataset is automatically understood by advanced neural network libraries, e. May 30, 2022 · I have done some data annotation work by using labelme software. The script geojson2coco. python create_xml. Leave Storage as is, then click the plus sign under “Where annotations” to create a new condition. This involves creating a JSON file with the required fields such as images, annotations, categories, etc. # encodeMask - Encode binary mask M using run-length encoding. There are external extensions that include things like attributes, but it is not in the standard one. To run OpenLANE: A dataset used for lane detection tasks where lanes are represented by point coordinates. We randomly sampled these images from the full set while preserving the following three quantities as much as possib Jul 28, 2022 · Similarly, if your dataset is in COCO format, you can use online tools to convert it from COCO (JSON) format into YOLO format. python cocoviewer. py --data_dir dataset/YOLOV5 . Working solution: Extended from @Zac Tod's answer. Facebook’s Detectron2 . 0) annotation_ids = example_coco Jun 1, 2024 · COCO is a large-scale object detection, segmentation, and captioning dataset. no annotations). annToMask(anns[i]) For example, the following code creates subfolders by appropriate annotation categories and saves black and white masks in the corresponding folders with the name of the images to which the masks belong: COCO is one of the most used datasets for different Computer Vision problems: object detection, keypoint detection, panoptic segmentation and DensePose. COCO Dataset Format and Annotations. path_image_folder: File path where the images are located. One row per object: Each row in the text file corresponds to one object instance in the image. This section assumes that you have gathered images and annotated them, storing your dataset in the COCO format, either following the previous section or manually building the labels JSON through custom scripting. This notebook explores the COCO (Common Objects in Context) image dataset and can provide helpers functions for Semantic Image Segmentation in Python. test. The sub-formats have the same options as the “main” format and only limit the set of annotation Jun 29, 2021 · The FiftyOne Dataset Zoo now supports partially downloading and loading COCO directly into Python in just one command. retry import Retry import os from os. Here's a demo notebook going through this and other usages. py supports converting a vector shapefile and raster file into a COCO format dataset. axis('off') pylab. Learn more about it at: http://cocodataset. py. Jul 2, 2023 · The COCO dataset is a popular benchmark dataset for object detection, instance segmentation, and image captioning tasks. You can find a comprehensive tutorial on using COCO dataset here. Cityscapes to CoCo Format Conversion Tool for Mask-RCNN and Detectron. We will use deep learning techniques to train a model on the COCO dataset and perform image segmentation. figsize'] = (8. For users in China, more datasets can be downloaded from the opensource dataset platform: OpenDataLab . Feb 19, 2021 · Loading a COCO dataset into Python. loadImgs() by passing ids of images ) Convert segmentation RGB mask images to COCO JSON format - chrise96/image-to-coco-json-converter create-custom-coco-dataset. Predictive Modeling w/ Python. 4 days ago · For more detailed instructions on the YOLO dataset format, visit the Instance Segmentation Datasets Overview. Jan 19, 2021 · Name the new schema whatever you want, and change the Format to COCO. We use COCO format as the standard data format for training and inference in object Jul 2, 2023 · They are designed to make it easier to work with the COCO dataset in Python. Home; People Please note that the main COCO project has tasks for object and keypoint detection, panoptic and stuff segmentation, densepose, and image captioning. txt" extension. 5. sbcvgl nouth skxlnbmi gvckup cvt xrzty dzhjn jeczz xblxdmbk yaqxt
{"Title":"What is the best girl name?","Description":"Wheel of girl names","FontSize":7,"LabelsList":["Emma","Olivia","Isabel","Sophie","Charlotte","Mia","Amelia","Harper","Evelyn","Abigail","Emily","Elizabeth","Mila","Ella","Avery","Camilla","Aria","Scarlett","Victoria","Madison","Luna","Grace","Chloe","Penelope","Riley","Zoey","Nora","Lily","Eleanor","Hannah","Lillian","Addison","Aubrey","Ellie","Stella","Natalia","Zoe","Leah","Hazel","Aurora","Savannah","Brooklyn","Bella","Claire","Skylar","Lucy","Paisley","Everly","Anna","Caroline","Nova","Genesis","Emelia","Kennedy","Maya","Willow","Kinsley","Naomi","Sarah","Allison","Gabriella","Madelyn","Cora","Eva","Serenity","Autumn","Hailey","Gianna","Valentina","Eliana","Quinn","Nevaeh","Sadie","Linda","Alexa","Josephine","Emery","Julia","Delilah","Arianna","Vivian","Kaylee","Sophie","Brielle","Madeline","Hadley","Ibby","Sam","Madie","Maria","Amanda","Ayaana","Rachel","Ashley","Alyssa","Keara","Rihanna","Brianna","Kassandra","Laura","Summer","Chelsea","Megan","Jordan"],"Style":{"_id":null,"Type":0,"Colors":["#f44336","#710d06","#9c27b0","#3e1046","#03a9f4","#014462","#009688","#003c36","#8bc34a","#38511b","#ffeb3b","#7e7100","#ff9800","#663d00","#607d8b","#263238","#e91e63","#600927","#673ab7","#291749","#2196f3","#063d69","#00bcd4","#004b55","#4caf50","#1e4620","#cddc39","#575e11","#ffc107","#694f00","#9e9e9e","#3f3f3f","#3f51b5","#192048","#ff5722","#741c00","#795548","#30221d"],"Data":[[0,1],[2,3],[4,5],[6,7],[8,9],[10,11],[12,13],[14,15],[16,17],[18,19],[20,21],[22,23],[24,25],[26,27],[28,29],[30,31],[0,1],[2,3],[32,33],[4,5],[6,7],[8,9],[10,11],[12,13],[14,15],[16,17],[18,19],[20,21],[22,23],[24,25],[26,27],[28,29],[34,35],[30,31],[0,1],[2,3],[32,33],[4,5],[6,7],[10,11],[12,13],[14,15],[16,17],[18,19],[20,21],[22,23],[24,25],[26,27],[28,29],[34,35],[30,31],[0,1],[2,3],[32,33],[6,7],[8,9],[10,11],[12,13],[16,17],[20,21],[22,23],[26,27],[28,29],[30,31],[0,1],[2,3],[32,33],[4,5],[6,7],[8,9],[10,11],[12,13],[14,15],[18,19],[20,21],[22,23],[24,25],[26,27],[28,29],[34,35],[30,31],[0,1],[2,3],[32,33],[4,5],[6,7],[8,9],[10,11],[12,13],[36,37],[14,15],[16,17],[18,19],[20,21],[22,23],[24,25],[26,27],[28,29],[34,35],[30,31],[2,3],[32,33],[4,5],[6,7]],"Space":null},"ColorLock":null,"LabelRepeat":1,"ThumbnailUrl":"","Confirmed":true,"TextDisplayType":null,"Flagged":false,"DateModified":"2020-02-05T05:14:","CategoryId":3,"Weights":[],"WheelKey":"what-is-the-best-girl-name"}