Convert image to rgb python. convert("RGB") return rgb_img rgb_image = cv2.

Convert image to rgb python. Is it possible with python .
Convert image to rgb python I've tried reading through the Wand docs, but haven't found anything to simply replicate the original image. You may have to pick and choose which colormap you prefer, but that's up to personal preference. This function changes the color space from grayscale to RGB. It then splits it in 3 vectors, one for each channel. imread(file) or to read in as grayscale. it has 4 layers. This article will guide you through the process of converting RGB value Sep 26, 2017 · I'm trying to convert an RGB image into the LAB color space using skimage, but the result seems to be just noise. COLOR_RGB2HSV) Apr 22, 2020 · I've been using those to artificially color IR images, and made a brief example using the same black & white car image used above. the ImageOps module contains a number of ‘ready-made’ image processing operations. The work is done with a for-loop , but there must be a neat way. matrix – An optional conversion matrix. Input image: Python: Nov 26, 2018 · OpenCV image format supports the numpy array interface. My code is: i = 0 for i Aug 5, 2024 · Converting RGB values to color names is a common task in various applications, from web development to image processing. As a contrived example that is not meant to look good in any way:. The code produces a blank image (not able to encode RGB Apr 12, 2013 · I'm working on the image processing script(Python with PIL library) and i need to convert color space of any image to RGB. convert('CMYK') Jul 10, 2017 · I am loading image with the following code image = PIL. We will be converting the following image : Aug 9, 2017 · I need to convert a PNG H*W*4 rgba image to rgb image with shape H*W*3. That'd be a pure NumPy solution: import numpy as np label_to_color = { 0: [128 May 19, 2021 · I'm working on Lepton 2. imread() loads images as BGR while numpy. open(png_image_path) as img: rgb_image = np. hexadecimal bytes. convert('RGB') rgb_image. from PIL import Image from struct import * import array image_name = "frame2. That'd be a pure NumPy solution: import numpy as np label_to_color = { 0: [128 Mar 14, 2018 · If you have Numpy and Matplotlib installed, one solution would be to convert your image to a numpy array and then e. Let’s discuss to Convert images to NumPy array in Python. Asking for help, clarification, or responding to other answers. I know I can achieve that if I have PIL read image like following. . cvtColor() function to convert an image from one color space to another. Mar 14, 2018 · I am using Python PIL library to convert a numpy array to an image with the following code: imge_out = Image. COLOR_HSV2BGR) You have to know that OpenCV is using BGR when reading/saving images. array(im). Oct 15, 2018 · I'm trying to convert an image to cmyk array and seperate Cyan,Magentha,Yellow,Black values . I want to convert the images to RGB before feeding them into a CNN (I am using transfer learning). BUT the values will still all be 16-bit, not 8 bit as needed if you want it to be RGB. I've noticed that by default, scikit-image conversion functions return images with floating-point representations in the range [0, 1]. misc. array(img) arr = arr/2 # divide each pixel in each channel by two plt. reconstructed_image = Image. Is it possible with python . raw Nov 3, 2017 · How to convert multiple RGB images in one folder to grayscale in python. image. May 19, 2022 · The following code takes a raw YUV image and converts it to RGB using Array manipulation and takes forever. T # Let's make an alpha Jan 6, 2018 · Python: Convert image from RGB to YDbDr color space Hot Network Questions Test To Destruction - short story (not the Keith Laumer one) May 2, 2012 · I was able to convert my data to 8-bit RGB using the following code: // Copy the data into an OpenCV Mat structure cv::Mat bayer16BitMat(height, width, CV_16UC1, inputBuffer); // Convert the Bayer data from 16-bit to to 8-bit cv::Mat bayer8BitMat = bayer16BitMat. array(image) It works, but the size of array appears to be (X, X, 4), i. However I am not so experienced so I ask for advice. While iterating over the dataset, I want to detect if the image is a grayscale image such that I can convert it to rgb. 1. Here is a piece code in program, can someone give a hint. cvtColor(img, cv2. So you want to make something similar to what's suggested here Jun 30, 2021 · Don't iterate the pixels! Iterate the colors, and use NumPy's boolean index arrays. jpg') # Convert the BRG image to RGB img = cv2. imsave('output. You need to know which RGB colourspace your RGB values are encoded with, convert to CIE XYZ tristimulus values then CIE xy chromaticity coordinates and finally, you can compute the dominant wavelength. CV_GRAY2RGB) I call them „dummy“ since in these images the red, green and blue values are just the same. I've tried this trick, but it works only with png images in RGBa color space: Jan 3, 2023 · In this article, we will convert a BGR image to RGB with python and OpenCV. zeros_like(img) img2[:,:,0] = gray img2[:,:,1 Feb 26, 2019 · I have a dataset of rgb and grayscale images. open(jpg) arr = np. OpenCV uses BGR image format. png', cv2. Aug 9, 2021 · I have a collection of grayscale images in a NumPy array. tiff image, then changes its color mode to RGB. fromarray(img_as_np. Converting a grayscale image to RGB format in Python using OpenCV is a simple and straightforward process. how to show RGB images in python. Using NumPy module to Convert images to NumPy array. 5. You can convert between RGB and BGR with cvtColor and cv2. However, I am not sure and can't find it anywhere whether. imshow('Color image', b) cv2. # Convert and display the image for visual inspection rgb_image = image. astype(np. open(r"Path_to_tiff_image") img = img. png') pixels = list(im. These methods are – Aug 9, 2021 · I have a collection of grayscale images in a NumPy array. open('apple. Convert the grayscale image to RGB format using OpenCV's cvtColor function. COLOR_HSV2RGB) and to do HSV to BGR it is . COLOR_BGR2RGB) Feb 14, 2024 · from PIL import Image rgba_image = Image. Sep 13, 2013 · How would I take an RGB image in Python and convert it to black and white? Not grayscale, I want each pixel to be either fully black (0, 0, 0) or fully white (255, 255, 255). convert() method. 0. Importance of grayscaling Dimension reduction: For example, In RGB images there are three color channels and three dimensions while grayscale images are single-dimensional. CV_BGR2GRAY) img2 = np. Jan 27, 2023 · The link to the full byte and grayscale image generated from the byte. else: # Convert the grayscale image to RGB rgb_image = cv2. Now I need to combine them to form an RGB image. convert("RGBA") And then whenever I Sep 19, 2018 · I have PIL Image in binary and I need to convert it in RGB. Save the reconstructed Image as a jpg file. show() Moreover, when manipulating colors, it is important to make adjustments in a color space that best fits the operation being performed. My intuition says that it converts to sRGB. Share Jul 13, 2019 · If all you want is to convert, your . convert("RGB") The output converts the image into 3 channels, but it's shown as a black and white (grayscale) image. imwrite('color_img. from PIL import Image def imageAlphaToWhite(image): background = Image. cv2. Converting an RGBA PNG image to RGB using PIL in Python 3 is a straightforward process. COLOR_BGR2GRAY) Jan 31, 2018 · ndarrayとPIL. COLOR_GRAY2RGB) Step 4: Displaying the Images Nov 24, 2020 · BGR and RGB are not color spaces, they are just conventions for the order of the different color channels. Convert RGBA to RGB in Python. color rgb = Nov 30, 2019 · I'm trying to create a function to convert an image from color to grayscale. Syntax: cv2. Nov 16, 2012 · You can tell which whitepoint you're dealing with by converting RGB (0,0,255) to Lab: • D50 would give you (30, 68, -112) Convert RGB values to jpg Image in Python. Aug 21, 2024 · OpenCV provides the cv2. And I know how to write all the conversion code manually from that Jan 29, 2014 · I am trying to convert an image from RGB to XYZ using scikit-image. jpg') # In this case, it's a 3-band (red, green, blue) image # so we'll unpack the bands into 3 separate 2D arrays. png") destRGB = cv2. imgc=cv2. In such a case you have an array of 0's and 1's where 1 is white and 0 is black (for example). Then Try:-from PIL import Image img = Image. getsize() method. uint8. May 30, 2018 · To create „dummy“ RGB images you can do: rgb_img = cv2. I found out that there are some differences depending the input type: from numpy import array,uint8 import skimage. So I have a set of data which I am able to convert to form separate numpy arrays of R, G, B bands. In matlab I use this: img = rgb2gray(imread('image. Mar 17, 2017 · I'm trying to convert a csv file to an RGB file as follows: from PIL import Image, ImageDraw from numpy import genfromtxt g = open('myFile. clone(); // The 3rd parameter here scales the data by 1/16 so that it fits in 8 bits. How to convert image to Rgb array and then to cmyk? from PIL import Image. Apr 11, 2018 · There are other ways to do it, you don't need openCV, in the end the image is a matrix an you can do it with multiplication, look at this post: How can I convert an RGB image into grayscale in Python? Mar 7, 2018 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. Example custom maps would be: if the pixel (array) value is negative RGB =(0,0,0) and if array value is between 0 and 0. Change range of colors in an image using python. import cv2 srcBGR = cv2. Hence, what I have done is convert the original image into HSI, find the average intensity of the original image, and then modify the intensity of the HSI image before converting it back to RGB. expand() adds a Aug 3, 2014 · Also to add, if you or anyone else is using opencv. ImageOps. May 10, 2018 · I would like to convert indexed color image array to RGB color-space. g. COLOR_RGB2YCrCb) (# if input image is RGB) Jan 10, 2018 · you directly read images as grayscale with: im_gray = cv2. Python: Convert image from RGB to YDbDr color space. Apr 18, 2014 · I wanted to display the BGR image to RGB, so I followed one of the procedure mentioned in this PIL rotate image colors (BGR -> RGB) still I'm getting the BGR images. however, I am currently facing an issue with converting HSI back into RGB Dec 24, 2020 · I have a Grayscale 'TIF' image which I've read as a numpy array which is 2D. The pixel intensities ranging from 17 to 317 in my 2D array. What's the simplest way to achieve this? I've used the Python Imaging Library (PIL) frequently. How can one prompt the user to enter a hex value and then have it spit out a RGB value Dec 30, 2012 · But converting full image RGB2CMYK or vice versa is as simple as. convert (mode=None, matrix=None, dither=None, palette=0, colors=256) mode – The requested mode. May 24, 2016 · I found how to fix the issues: The segmentation fault was due to a wrong formula for the buffer size. Whether you're preparing images for a machine learning model or just exploring image processing techniques, knowing how to perform this conversion is a valuable skill. im = Image. See: Modes. Export the image using the Image. Apr 12, 2013 · I'm working on the image processing script(Python with PIL library) and i need to convert color space of any image to RGB. I uses the color vectors to create a gray I'm working on a Python tool to convert image data into these color formats: RGB565; RGBA5551; RGBA4444. imread("D:\\img. save('output. 4. I really appreciate the assistance given. Feb 19, 2020 · To convert an image from HSV to RGB you can do: rgb = cv2. cvtColor(code) Parameter: cv2. jpg', b) cv2. Feb 26, 2024 · This article demonstrates how to convert an image from BGR to RGB and vice versa. 1. Aug 30, 2012 · I'm trying to use matplotlib to read in an RGB image and convert it to grayscale. Image. please advice. Oct 10, 2022 · For example, if you convert a transparent GIF image to a PNG image, the result will still be a transparent image. May 14, 2018 · What is the simplest and fastest way to convert an RGBA image in RGB using PIL? I just need to remove the A channel from some images. 1, RGB=(247, 251, 255). (Assuming your image you read with dcmread is CT, MR or equivalent 16-bit dicom - then the dtype is likely uint16). convert('RGB') r, g, b = im. Is there any way to do this? I have a thought of: Creating a new jpg Image using. convert('RGB')) I wanna do the same thing from numpy array rather than the image object read by PIL like following. save the image with matplotlib. COLOR_BGR2RGB. Jul 26, 2019 · Syntax: Image. imread('gray_image. open(file_path) image = np. asarray(img. RGB, CMYK, HSV, etc. Aug 7, 2024 · Grayscaling is the process of converting an image from other color spaces e. Apr 10, 2010 · import cv2 # Read the image - Notice that OpenCV reads the images as BRG instead of RGB img = cv2. ") Step 3: Converting Grayscale to RGB. If you want it to be RGB, then you need to convert the values to 8-bit from 16-bit. Oct 13, 2015 · I'm having trouble converting a single page pdf (CMYK) to a jpg (RGB). new('RGB', (x, y)) Changing reconstructed_image's pixel RGB values with the ones of the image_RGB. png Jun 3, 2020 · How to convert an rgb image to ycrcb colour space in opencv python. imread(file,0) If you will be doing some comparison between the images you may want to think about turning the array of pixels into histograms to normalise the data. csv file locally, then refer to it for RGB weights. shape = (image_height, image_width, image_depth) to set the buffer structure to a 4 channels image (the assertion had failed because the buffer was read as an array of 1 dimension). Which I am able to do but when I save it the image is saved again as H*W*4 Here is the code snippet: for idx, image in enu May 19, 2021 · I'm working on Lepton 2. size, "WHITE") alpha_composite_img = Image. imread() loads them as RGB. save() method. r, g, b = np. getpixel((x, y)) a = (r, g, b) return a Aug 3, 2021 · I'm trying to convert a grayscale image (represented as a NumPy array) to an RGB image using custom mapping. Imageオブジェクトを相互に変換してPillowの関数とOpenCVの関数を両方使いたい場合は、以下に示す方法でBGRとRGBを変換する必要がある。 OpenCVの関数cvtColor()でBGRとRGBを変換. imread(path, mode='RGB'). OpenCVの関数cvtColor()を使うとRGBやBGR、HSVなど様々な色空間を相互に変換できる。 Apr 9, 2020 · So i am trying to average out the intensity of an image. with Image. For instance, increasing brightness or saturation is more intuitive in the HSV color space rather than in RGB. I can use the following line of code scipy. mode == 'RGB': cmyk_image = image. Nov 11, 2019 · That will give you the 3rd dimension. tif") I then try to convert it to RGBA with image. And then saves it to the destination location. The official ImageMagick docs themselves are still rather opaque to me. png')); In the matplotlib tutorial they don't cover it. convert("RGB") return rgb_img rgb_image = cv2. COLOR_BGR2RGB) # Convert the RGB image to HSV img = cv2. shape(image) to detect the dimensions of the image. imshow/plt. Here is a script that converts this byte to a grayscale image, I would like to replicate this for an RGB image. So, when we read an image using cv2. bgr = cv2. I did this diskew image binary image I need this way: I already tried this which is not working from PIL import Image as im img = im. YCrCb = cv2. Dec 24, 2017 · First you need to scan and split the data from the file, then you can just parse the tuples from the data (string tuple), then simply create an image object using PIL Aug 16, 2022 · How does one convert a grayscale image to RGB in OpenCV (Python)? 17. open(img_path). When I run the code below, the output is on greyscale (attached image 1). A common use is converting an image from BGR (Blue, Green, Red), which is how OpenCV reads images by default, to RGB or to grayscale. Python: Cannot saves images to greyscale. Numpy module in itself provides various methods to do the same. open('snapshot. Sep 24, 2017 · The program takes an rgb image and converts it in a numpy array. COLOR_BGR2RGB) doesn't do any computations (like a conversion to say HSV would), it just switches around the order. Jul 23, 2024 · print("Error: Could not load image. path. While RGB values are precise, human-readable color names can make your code and output more understandable. png') By running this code, you will convert the RGBA image to RGB and save it as a new image file. Additionally, to turn it from float to integer. I can't find a simple method to do this, I don't need to take Jul 26, 2019 · PIL is the Python Imaging Library which provides the python interpreter with image editing capabilities. from PIL import Image def rgb_of_pixel(img_path, x, y): im = Image. Apr 12, 2013 · I'm working on the image processing script(Python with PIL library) and i need to convert color space of any image to RGB. Python provides many modules and API’s for converting an image into a NumPy array. convert("RGB") img. Dec 5, 2017 · You're better off using numpy in addition to PIL for doing math of the individual bands of an image. alpha_composite(background, image) rgb_img = alpha_composite_img. cvtColor. scale the pixel intensities (between 17 to 317) to RGB values and show the Gray scale image as RGB color image I want to convert a gray-scale image with shape (height,width) to a 3 channels image with shape (height,width,nchannels). This module is somewhat experimental, and most operators only work on L and RGB images. COLOR_BGR2YCR_CB) (# if input image is BGR) YCrCb = cv2. save(r"path_of_destination_image") The above code, first opens a . Basically, I create a colormap . getdata()) print (pixels) Apr 23, 2022 · Nothing guarantees that the RGB values you picked are on the spectral locus, thus you need to find the dominant wavelength. Pass "RGB" as the parameter. convert('RGB') if image. to shades of gray. Jan 13, 2021 · The deprecated version of SciPy has mode option in its arguments. For instance, if an image is loaded in BGR format (as OpenCV does by default), we may want to convert it to RGB before processing or displaying it. png') rgb_image = rgba_image. destroyAllWindows() This doesn't work, presumably because the data type of b isn't correct, but after substantial searching, I can't figure out how to change it to the correct one. Maybe somebody can help me to adjust this code so the output will be a RGB color (attached image 2). thermal camera. cvtColor(img, cv. COLOR_GRAY2RGB) * 255 There can be a case when you think that your image is a gray-scale one, but in reality, it is a binary image. from PIL import Image image = Image. astype('uint8')) img_as_img = imge_out. dither – Dithering method, used when converting from mode “RGB” to “P” or from “RGB” or “L” to “1”. cvtColor(grayscale_image, cv2. Sep 4, 2012 · Exactly like the title. Mar 9, 2022 · Reconstruct the Image from the RGB values. IMREAD_GRAYSCALE) or you can convert an rgb image to grayscale with: img_gray = cv2. May 31, 2018 · I want to batch convert images from various modes such as RGBa, CMYK etc to sRGB using PIL in Python. I want an integer representation from 0-255 using np. I'm using skimage for processing images, but I could not find away to convert the Bayer RG8 format to standard RGB (to display on screen Nov 1, 2014 · What I would like to do is save and display b as a color image similar to: cv2. convert file into grayscale image. See below for my initial attempt. tiff file's color space to RGB. open(path_to_image) if image. float) Where path is the path to the image. Sep 2, 2016 · I am reading a camera that gives me Bayer16 format (GRGB) and I wrote the following code in python to modify it from bayer16 to bayer8, and then use OpenCV to convert it to RGB: def _convert_GRGB_ Oct 29, 2024 · How to convert a RGBA color tuple, example (96, 96, 96, 202), to corresponding RGB color tuple? What I want is to get a RGB value which is most similar to the RGBA tuple visually on white background. They mean that the values for an RGB image have to be in the interval [0, 255], not [-4000, convert image to rgb array and convert it to CMYK array using python. cvtColor(binary_img, cv. I have two challenges. cvtColor(hsv, cv2. 3. cvtColor(srcBGR, cv2. The easiest way to convert is to use openCV cvtColor. Sep 26, 2008 · It opens the image, converts it to an RGB color space, and returns the R, G, and B of the requested pixel. Mar 17, 2020 · I am trying to use OpenCV, version 4. May 4, 2022 · When you remove the alpha channel by converting RGBA to RGB, that transparency disappear, as only rgb=(255,255,255) remains, which turns out to be the white you see in the second image. EDIT: Aug 20, 2020 · Convert the image using the Image. For a rgb image I get something like [1, 100, 100, 3]. Apr 15, 2015 · Working off Jeremy's response here: Converting hex color to RGB and vice-versa I was able to get a python program to convert preset colour hex codes (example #B4FBB8), however from an end-user perspective we can't ask people to edit code & run from there. open('image. convert("RGB") converts the image to sRGB or Adobe RGB. new("RGBA", image. We can use cvtColor() method to convert a BGR image to RGB and vice-versa. When I use the code below, the colors in the jpg image are garish. But openCV cv2. Sorry if I am not very competent in python or opencv, I try my best. The same operation using opencv seems to work. e. Display the size of the image after the conversion using the os. I wanted to use tf. One can, however, adapt the example to convert a full RGB image to a palette of your choice: Sep 30, 2022 · PNG (400, 200) RGB Converting an image into NumPy Array. imread("sample. I then used np_a. csv','r') temp = genfromtxt Apr 30, 2014 · OpenCV reads image as BGR so if you need RGB image then you have to convert image into its RGB form then you can perform your tasks You can use these as below . open("picture. COLOR_RGB2BGR, or cv2. I take a single-band image of mode "1" and open it using image = Image. import Image import numpy as np im = Image. A helper function can be made to support either grayscale or color images. import matplotlib. mode == 'CMYK': rgb_image = image. Provide details and share your research! But avoid …. convert this 2D array into RGB image. cvtColor(binary_image, cv2. 0 through python to convert a planar YUV 4:2:0 image to RGB and am struggling to understand how to format the array to pass to the cvtColor function. Sep 7, 2020 · To make RGB images from ndarrays you have to: 1) separate each RGB channel as a different array by methods such as splitting maximum and minimum intensities into group of 3, normalize them (turning them into a range between 0-1) based on original or RGB minimums/maximums to represent pixel color intensity, then display/save them using plt. So I know how to load an image and obtain each pixel value in RGBA8888 format. COLOR_BGR2RGB – BGR image is Aug 21, 2024 · OpenCV provides the cv2. imread('myimage. Is there any built-in functionality for getting it done in the popular Python image processing libraries? Jan 11, 2011 · With the new cv2 interface images loaded are now numpy arrays automatically. I tried 'Image' to do the job but it requires ' The ImagePalette module docs's first example shows how to attach a palette to an image, but that image must already be of mode "P" or "L". This means the BGR -> RGB conversion can be conveniently done with a numpy slice, not a full copy of image data. If given, this should be 4- or 12-tuple containing floating point values. jpg") gray = cv2. Example: In this article, we’ll be understanding what are color spaces in image processing, what are the different color spaces available in OpenCV, and how we can convert an image from one color space to another. COLOR_BGR2RGB – BGR image is Feb 7, 2012 · It takes in an RGBA image and returns an RGB image with alpha channel converted to white color. Feb 9, 2013 · Here's a way of doing that in Python: img = cv2. I want to convert this hexadecimal byte to an RGB image using python. I have all 3 channels as separate arrays and am trying to merge them for use with cv2. 2. It varies between complete black and complete white. pyplot as plt import numpy as np from PIL import Image img = Image. How to Convert an Image to Any Other Format Using Python Similar to the steps above, you can convert an image in any format to any other format using the save() method. imread() it interprets in BGR format by default. imsave: Nov 4, 2019 · I've got a camera that provides images in Bayer RG8 format. waitKey(0) cv2. xqsva jthw uqdpip abuupv akxnfb adq ahamys ewv yqfwks jzkbx
{"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"}