Image colorization using deep learning. Matias Richart, Jorge Visca, Javier Baliosian (2018).

Image colorization using deep learning. Extra Genius Mode videos cost $1 each.
Image colorization using deep learning Image colorization is an emerging topic and a fascinating area of research in recent years. Matias Richart, Jorge Visca, Javier Baliosian (2018). Recently, automatic colorization methods based on deep learning have shown impressive performance. Original photo credit New York Public Library, colorization by Gado via Colorful Image Colorization. Today, colorization is usually done by hand in Photoshop and other software. We are constructing a Deep Convolutional Neural Network (CNN) so that it will study on over one million images . Efforts have been made to use the ever-increasing accessibility of end-to-end deep learning models and leverage the benefits of transfer learning. We take inspiration from previous works to implement a U-Net architecture that attempts to colorize 64x64 images taken from the Imagenet dataset. Recently, deep learning has shown remarkable performance in image colorization. The emergence of deep learning approaches, along with the use of large-scale datasets, has greatly improved colorization performance. The project deals with deep learning techniques to automatically colorize greyscale images. Fig. The article explains the steps, the model, the kernel and the implementation in Python3. SAR image colorization using Deep Learning (DL) models offers a transformative approach for enhancing the interpretability of monochromatic SAR image data. extended the cost function to enforce colour continuity over Aug 9, 2022 · The colorization of grayscale images can, nowadays, take advantage of recent progress and the automation of deep-learning techniques. Colorful Image Colorization was trained on over 1 million images. Image colorization with Deep Convolutional Neural Networks [6]. In this article, I use 118k images. - ritesh176/Black-and-white-image-colorization-with-OpenCV-and-Deep-Learning Early work on colorization involves non learning meth-ods often using outside reference images. Generally, due to the difficulty of obtaining input and ground truth image pairs, it is hard to train a exemplar-based colorization model with unsupervised and unpaired training manner. The images are converted to CIELUV color space. However, the lack of color makes them harder to interpret. Mar 27, 2021 · Predicted image Dataset. The model was originally created by researchers at UC Berkeley and has been made available for public use. Enhance your monochromatic photos effortlessly with this efficient and user-friendly solution. User Interaction with Deep Networks P. Zhu, T. The project provides a Streamlit-based web interface to upload and process images interactively. 20 images to be able to colour images. Colorization is a highly undetermined problem, requiring mapping a real-valued luminance image to a three-dimensional color-valued one, that has not a unique solution. This innovative approach relies on the power of convolutional neural networks (CNN) specifically designed for the task of colorization. This tutorial explains the colorization problem, the pix2pix approach, and some tips to reduce the dataset size and improve the results. Sep 3, 2018 · Real-Time User-Guided Image Colorization with Learned Deep Priors. Richard Zhang *, Jun-Yan Zhu *, Phillip Isola , Xinyang Geng , Angela S. - richzhang/colorization Sep 19, 2022 · The dataset I chose is the Image Colorization Dataset containing 5,000 colorized images for training and 739 images for testing. There have been many efforts to colorize an image automatically. The first in-depth analysis for visual feature learning by image colorization is provided in . ; Improved Interpretability: This project focuses on enhancing the visual representation of SAR imagery, making surface features more distinguishable and easier to interpret for applications like geological mapping and environmental monitoring. Automated Image Colorization aims to convert black-and-white images into color using deep learning algorithms. It's time for me to move on and put this repo in the archives as I simply don't have the time to attend to it anymore, and frankly it's ancient as far as deep-learning projects go at this point! ~Jason. Nevertheless, these misclassified SAR-to-optical im- Apr 6, 2022 · Colorization is a process that converts a grayscale image into a color one that looks as natural as possible. 0 forks Report repository Releases No releases published. More time is taken by deep learning to train. In this approach two losses are used: L1 loss, which makes it a regression task, and an adversarial (GAN) loss, which helps Apr 7, 2024 · ImageNet¹²: This huge dataset reigns supreme in the world of image classification, but its massive size (millions of labeled images) also makes it valuable to train deep learning models used in image colorization. 0 stars Watchers. In this paper, we implemented deep learning algorithms to colorize black and white images. General pipeline During training time, our program reads images of pixel dimension 224 224 and 3 channels corresponding to red, green, and blue in the RGB color space. If you have a strong GPU, you can convert many images at once. , 2015, Zhang et al. Recently, some researchers employ conventional neural networks (CNN) to the Aug 25, 2020 · This article presents a comprehensive survey of recent state-of-the-art colorization using deep learning algorithms, describing their fundamental block architectures in terms of skip connections, input as well as optimizers, loss functions, training protocols, and training data Generally, we can roughly categorize the existing colorization Sep 1, 2020 · Image colorization, as an essential problem in computer vision (CV), has attracted an increasing amount of researchers attention in recent years, especially deep learning-based image colorization Something went wrong and this page crashed! If the issue persists, it's likely a problem on our side. , after which image colorization has come a long way. Recently, deep learning techniques progressed notably for image colorization. Sep 1, 2022 · Image colorization is the process of assigning RGB color value to each pixel of a grayscale image to obtain colorized images, which is a prospective image processing technique in computer vision (CV). However, the proposed dataset contains a relatively low number of images, yet most used images contain only one fruit or vegetable. 1. Recent methods mostly rely on deep learning strategies. RGB images are widely used in many fields to get additional information regarding the image that cannot be obtained from B&W images. In this task, we're going to colorize black and white images with the assist of Deep Learning techniques. Using pre-trained models and advanced deep learning techniques, grayscale images are transformed into realistic colorized versions. One of the Let there be Color!: Joint End-to-end Learning of Global and Local Image Priors for Automatic Image Colorization with Simultaneous Classification. All the codes are available here. For colorization of grayscale images, most methods convert the image in YUV or Lab color space (Cheng et al. Preprocessing techniques The computerized colorization of black and white images began in the 1970's. Automatic colorization of gray-scale images using deep learning is a technique to colorize gray-scale images without involvement of a human. Image to Image Translation with Conditional Adversarial Networks. Early machine learning colorizers utilize regression This project is mainly designed for coloring black and white images using the Deep learning Algorithms like CNN (Convolutional Neural Networks). In this paper, we formulate image colorization methods relying on exemplar colorization and automatic colorization, respectively. The dimensions of Computer Vision Deep Learning Project - Train a model with Keras to colorize black and white images using machine learning convolutional autoencoders. Deep learning training process includes few stages. 02980: Analysis of Different Losses for Deep Learning Image Colorization Image colorization aims to add color information to a grayscale image in a realistic way. A collection of Deep Learning based Image Colorization papers and corresponding source code/demo program, including Automatic and User Guided (i. 1 watching Forks. The system directly maps a grayscale image, along with sparse, local user "hints" to an output colorization with a #deeplearning #TensorFlow #Python #CoderzDen #GoogleCollab #Keras #GANsImage Colorization Using GANs | Deep Learning | TensorFlow | PythonOther Creator:Efsha Automatic Colorization. DLSS technology has been introduced by Nvidia at the end of 2018 for up-sampling images with deep learning. You will find an example of how the choice of datasets impact the colorizing task. Efros. A deep learning model for image colorization This section formulates image colorization as a regres-sion problem and solves it using a regular deep neural net-work. selected some state-of-the-art single image deep learning colorization papers, displayed their models comparatively, and claimed they proposed the first known Natural Color Dataset (NCD). Researchers use its to train models on a wide range of mostly single-object content, allowing for better generalization to unseen Jul 29, 2024 · This paper aims to demonstrate the effectiveness of image colorization on iconic or memorable images, which are justin highly contrasting structure utilizing ideas of convolutional neural networks in pretext document to build our ideal model. Apr 26, 2016 · The colorization of grayscale images can, nowadays, take advantage of recent progress and the automation of deep-learning techniques. Aug 25, 2020 · This article presents a comprehensive survey of recent state-of-the-art deep learning-based image colorization techniques, describing their fundamental block architectures, inputs, optimizers, loss functions, training protocols, training data, etc. Aug 24, 2020 · Image colorization is an essential image processing and computer vision branch to colorize images and videos. Uses OpenCV and Numpy to Colorize your photo or webcam video. A key innovation of this paper is a novel framework with self-regularization techniques. M. , 2016), and restore the value of the chrominance channels of the image to be colored based on the similarity of the luminance channel (Levin et al Abstract: : Image colorization is a captivating subject matter and has emerge as a place of studies withinside the latest years. Mar 1, 2022 · We propose a deep learning approach for user-guided image colorization. In CVPR, 2017. New features are created by deep learning itself. They report state-of-the-art results for segmentation task compared to other self-supervised methods. Firstly, we convert our black and white image in 256 x 256 pixels. Isola, J. Feb 18, 2022 · Authors of train a VGG-16 model using image colorization as a proxy task and then fine-tune the model for PASCAL segmentation. By utilizing the concept of supervised learning, these algorithms learn from a large dataset of color images and their corresponding black-and-white Aug 4, 2022 · Optical images are rich in spectral information, but difficult to acquire under all-weather conditions, while SAR images can overcome adverse meteorological conditions, but geometric distortion and speckle noise will reduce the quality of SAR images and thus make image interpretation more challenging. - Hanshu110/Image_and_Video This GitHub repository provides a concise implementation for adding color to grayscale images leveraging OpenCV's dnn module and a pre-trained deep learning model. B&W Image Colorization Using Computer Vision And Deep Learning Available at https://jscer. 3 models are implemented: beta model, which consists of an autoencoder This paper provides an overview of recent advancements in deep learning(DL)-based image colorization techniques. Zezhou Cheng, Qingxiong Yang, and Bin Sheng. Jan 7, 2025 · Image colorization estimates RGB colors for grayscale images or video frames to improve their aesthetic and perceptual quality. It involves using computer algorithms and techniques to automatically assign appropriate colors to different parts of an image based on various factors such as context Key Words: CNN, Deep Learning, Neural Style Transfer, Image Colorization, Image Inpainting, GAN, RELU, feed forward network 1. The network is used to Automatic colorization using deep neural networks. Dec 9, 2017 · We review some of the most recent approaches to colorize gray-scale images using deep learning methods. A. These are recognized as sophisticated tasks than often require prior knowledge of image content and manual adjustments to achieve artifact-free Colorization is the process of adding plausible color information to monochrome photographs or videos. Thanks to its fully convolutional architecture, our encoder-decoder model can process images of any Sep 1, 2022 · Therefore, when processing input images of different categories, researchers usually use different processing methods. Improving usability and interpretability of a SAR image is the problem. 56726/irjmets36625 Corpus ID: 248327591; IMAGE COLORIZATION USING DEEP LEARNING @article{Mavekar2023IMAGECU, title={IMAGE COLORIZATION USING DEEP LEARNING}, author={Trushna Mavekar and Ketki Chaudhari and Ujjwala Bhosale and Dr. 1 Formulation A deep neural network is a universal approximator that can represent arbitrarily complex continuous functions [9]. See full list on pyimagesearch. and Deshpande et al. In this study, we developed an underwater color restoration system based on two deep Sep 9, 2024 · Abstract-To begin with, the authors want to create a deep learning system to colorize gray (or monochromatic, black-and-white) Synthetic Aperture Radar (SAR) images, to make them easier for spaceborne applications. Article Google Scholar Deshpande A, Rock J, Forsyth D (2015) Learning large-scale automatic image colorization. org Page 19 detection to address colour-bleeding issues, Qu et al. From the media industry to medical or geospatial applications Nov 9, 2021 · Anwar et al. Jan 2016. The results are summarised in the medium blog post "Black and White Image Colorization with Deep Learning". Early machine learning colorizers utilize regression Apr 28, 2021 · body { text-align: justify} Image Colorization Deep Learning - Convolutional Neural Network Introduction Image colorization is the process of assigning colors to a grayscale image to make it more aesthetically appealing and perceptually meaningful. Aditya Deshpande, Jason Rock and David Forsyth. Madhab Raj Joshi, Lewis Nkenyereye, Gyanendra Prasad Joshi, Riazul Islam S. This project aims to develop an innovative solution to colorize grayscale SAR images for enhanced interpretation and analysis of feature targets. [7]. Oct 16, 2023 · colorization problem in the framework of the second category. with User Interaction) colorization, as well as video colorization. Convolutional autoencoder neural network and generative adversarial network (GAN) have been implemented on black and Nov 2, 2022 · As we know, image colorization is widely used in computer graphics and has become a research hotspot in the field of image processing. I have divided the dataset into two parts, 116k for train data and 2k for test data. The first part is the bare minimum to understand the core parts of the network. £ÿÿPfÀu¾xÞ €ªZ&ÄÛ« Ä/¿ýñ×?ÿý~>/[€··â‹«ŒÓLáL…Áo ~× èùa zÔzòë™oÁOO °m fZ©ù‡;ˆW^ ø(~Þ†·åm‰>¸›âMå,˜÷åmÞ6 Colorful Image Colorization. High performance hardware is needed by deep learning. Stars. Network details, such Sep 1, 2020 · This article uses a concept called hypercolumns to achieve the best in both cases and develop a fully automatic image coloring system based on PSNR and exploits recent advances in deep neural networks to provide an accurate color prediction. Paper/Code: 2022: AAAI: L-CoDe: Language-based Colorization using Color-object Decoupled Conditions Shuchen Weng, Hao Wu, et al: Paper/Code: 2022: EAAI: Deep learning for image colorization: Current and future prospects. However, the rapid advancement of deep learning techniques has provided possibilities for underwater color restoration. Includes 100 AI images and 300 chat messages. Zhou, A. In ACM Transactions on Graphics (SIGGRAPH 2017). 3 Deep Learning based Colorization I 3. . Y. In this chapter, we aim to study their influence on the results obtained by training a deep neural network, to answer the question: "Is it crucial Jan 8, 2022 · Image-to-Image Translation with Conditional Adversarial Networks paper, which you may know by the name pix2pix, proposed a general solution to many image-to-image tasks in deep learning which one of those was colorization. Color restoration is challenging in underwater imagery. Now Deep learning is enabling a fully automatic image colorization. Image Colorization with Neural Network. Includes 500 AI images, 1750 chat messages, 30 videos, 60 Genius Mode messages, 60 Genius Mode images, and 5 Genius Mode videos per month. " 📚 A collection of Deep Learning based Image Colorization and Video This script is designed to colorize a black-and-white (grayscale) image using a pre-trained deep learning model. Quick Start: The easiest way to colorize images using open source DeOldify (for free!) is here: DeOldify Image Colorization on DeepAI Jun 25, 2020 · Computer-powered colorization started to be used in the 1970s and has been widely used. Oct 23, 2019 · The Colorful Image Colorization algorithm can add plausible colors to black and white photographs. Sep 1, 2022 · AbstractImage colorization, as an essential problem in computer vision (CV), has attracted an increasing amount of researchers attention in recent years, especially deep learning-based image colori Image colourisation is a challenging task for machine learning that aims to convert grayscale images into their matching colour equivalents. Feb 25, 2023 · Deep Learning Methods for Image Colorization. In SIGGRAPH, 2016. Readme Activity. It leverages pre-trained models to efficiently colorize grayscale images, adding vibrance and context to them. They In this paper, we use Deep Learning based Generative Adversarial Networks to produce one of the plausible colorization of black and white images. Jun 4, 2022 · Traditional up-sampling of small images causes noise and artifacts in images. For hybrid colorization, we Oct 6, 2023 · Image colorization is a fascinating topic and has become an area of research in the recent years. In this approach, we build a deep convolutional neural network that takes a grayscale image as an input and produces a colorized image. Instead of using the up-sampling methods of basic image processing, we can use Deep Learning- based Super Sampling (DLSS). Pre-trained Models: We can leverage pre-trained deep learning models that have been trained on large datasets May 26, 2021 · My goal was to learn how to handle large image datasets, to implement deep learning models, to train and test them using both Keras and PyTorch. The method proposed in this paper uses OpenCV and deep learning with CNN (Convolutional neural network) and GAN (Generative adversarial networks). Current image colorization technology has the phenomenon of single coloring effect and unreal color, which is too complicated to be implemented and struggled to gain popularity. Conventional techniques used for colorizing images need human intervention, which is time-consuming. Features are mapped from one image to the other and are subsequently colorized. Automatic Colorization. We give this as an input to our neural network. Dataset: An image dataset called MIRFLICKR25k is used to train the model for image colorization. Inspired by these, we propose a model which combines a deep Convolutional Neural Network trained from scratch with high-level features extracted from the Inception-ResNet-v2 pre-trained model. In the presence of noise, the problem becomes more complicated. Over the years this task has received a lot of attention. Therefore, transforming SAR images to optical images to assist SAR image interpretation will We build a learning pipeline that comprises a neural net-work and an image pre-processing front-end. This project is a demonstration of image colorization using Convolutional Neural Networks (CNN) and deep transfer learning. In ICCV, Dec 2015. Some areas where RGB images might be used in determining the chemical composition of a material, chromatographic spectroscopy and Aug 14, 2020 · Yatziv L, Sapiro G (2006) Fast image and video colorization using chrominance blending. In this paper, a new method based on a convolution neural network is proposed to Innovative DL Model: A deep learning architecture specifically designed to predict and apply color to SAR images using paired SAR and optical data. [5]. Deep Colorization. Deep learning elevated notably in the field of image colorization in the past years. " In ECCV, 2016. However, Colorful Image Colorization by zHang et. It's built to color one image. Many of the recent developments are based on Convolutional Neural Networks(CNNs) which required large training dataset and more resources. This project demonstrates a deep learning approach to colorizing black-and-white images. This May 1, 2023 · DOI: 10. Lin, Tianhe Yu, and Alexei A. The dimensions of every image are 400x400x3. Project Library Data Science Projects Image colorization using CNN-Deep Learning architecture for Colorizing a black & white image explained + CNN based Image Colorization with C++/Python code Sometimes technology enhances art. Sep 4, 2024 · Why Use OpenCV and Deep Learning for Image Colorization? Combining OpenCV and deep learning offers several advantages: Efficiency: OpenCV provides powerful tools for image processing, enhancing the overall performance of the model. It highlights the importance of image colorization in various domains and the limitations of traditional manual methods. Automatic colorization using deep neural networks. Nov 6, 2019 · Image colorization refers to computer-aided rendering technology which transfers colors from a reference color image to grayscale images or video frames. Efros . The research looks at how auto-encoders and Generative Adversarial Networks (GANs) can be used to achieve accurate and visually appealing 👉 Try the Palette API to test the latest advancements in AI colorization. Early work on colorization involves non learning meth-ods often using outside reference images. Mar 9, 2022 · Learn how to use a pre-trained Caffe model to convert grayscale images to colour images using Lab colour space. Colorful Image Colorization: It uses a simple convolutional neural network architecture. "Colorful Image Colorization. Our model is trained to produce photos with realistic colors by training on colorful images. Image colorization is the process of taking an in Image colorization is the process of adding color to grayscale or black-and-white images to create visually appealing and realistic color versions of the original images. In data, using deep learning we can remove manual identification of features. In underwater environments, red light is easily absorbed by water, resulting in the disappearance of red light at a few meters depth. Savita Sangam and Student}, journal={International Research Journal of Modernization in Engineering Technology and Science}, year={2023}, url={https://api Feb 25, 2019 · Transform black and white images (or your webcam) into beautifully colored images using Deep Learning. In: Proceedings of the IEEE international conference on computer vision, pp 567–575 This project focuses on enhancing grayscale Synthetic Aperture Radar (SAR) images by applying advanced deep learning techniques for colorization. Jan 8, 2022 · Learn how to colorize black and white images using deep learning, GANs, and U-Net. al. Extra Genius Mode videos cost $1 each. Since 2012, deep learning approaches, in particular convolutional neural networks (CNNs), have become very popular in the community of computer vision and computer graphics. (2020), Auto-Colorization of Historical Images using Deep Learning. Trans Img Proc 15(5):1120–1129. is one of the most successful automatic colorization approaches. Jeff Hwang and You Zhou. Current algorithms usually strive to achieve two procedures: i) retrieving a large number of Oct 6, 2022 · The colorization of grayscale images is a challenging task in image processing. e. After exploring some of the existing fully automatic Grayscale image colorization is the process of predicting and assigning accurate colours to given grayscale image with an aim to recreate a realistic coloured image. Over the past decade, the automatic image coloring has been of particular interest in applications such as repairing damaged or old images. This repository provides an interactive image colorization tool that leverages Stable Diffusion (SDXL) and BLIP for user-controlled color generation. Indeed, all the other machine learning-based works, claiming to perform SAR image colorization, just convert the SAR image into a pseudo-optical color image losing all SAR image special features. Gupta et al [4] in-troduced the method of colorizing images using super pixel extraction with a similar target image. SCSNet: An Efficient Paradigm for Learning Simultaneously Image Colorization and Super-Resolution Jiangning Zhang, et al. INTRODUCTION Currently, image processing using a deep learning technique is an emerging area and is gaining greater popularity especially in improving the quality of digital images. Over the last decade, deep learning techniques for image colorization have significantly progressed, necessitating a systematic survey and benchmarking of these techniques. The black and white This is a project about colorizing black and white images using deep learning. But there has been no corresponding breakthrough in fully automatic video colorization. used luminance-based weighting of user-supplied hints to improve efficiency for video applications, and Qu et al. This paper uses convolutional neural networks for this learning task. From the media industry to medical or geospatial applications, image colorization is an attractive and investigated image processing practice, and it is also helpful for revitalizing historical photographs. Users can upload black-and-white images, and the system simulates a colorization process. Sometimes it vandalizes it. If you go over any of these limits, there is a $5 charge for each group. The first one is about image colorization using GANs (Generative Adversarial Nets). Along the way, I learned how to debug the models, tune the hyper-parameters. Once I have something to experiment with Sep 1, 2022 · Image colorization is the process of assigning RGB color value to each pixel of a grayscale image to obtain colorized images, which is a prospective image processing technique in computer vision (CV). This project aims to bridge This paper delves into the modern ways of adding color to monochrome - black-and-white - images, through the use of deep learning. Deep learning elevated notably in the The project addresses the problem statement "SAR Image Colorization for Comprehensive Insight using Deep Learning Model," aiming to develop an innovative solution for enhancing the interpretability of monochromatic SAR imagery through colorization using deep learning models. Here CNN is used for understanding and mapping the relation between grayscale and tain the color image Iˆ. richzhang/colorization • • 28 Mar 2016 We embrace the underlying uncertainty of the problem by posing it as a classification task and use class-rebalancing at training time to increase the diversity of colors in the result. The network is built in four parts and gradually becomes more complex. image colorization has been an area of interest in the last decade, as it stands at the confluence of two arcane disciplines, digital image processing and deep learning. Apr 22, 2022 · Image colorization refers to computer-aided rendering technology which transfers colors from a reference color image to grayscale images or video frames. GUI provided by PySimpleGUI. com In-depth tutorials on deep learning. One of the problems with the auto-coloring is the ability to predict multiple color results for gray image pixels. Learning Large-Scale Automatic Image Colorization. - In this video, we will learn how to colorize black and white images using OpenCV, Deep Learning, and Python. It has Apr 6, 2022 · Abstract page for arXiv paper 2204. The images consist of different random images of humans, objects, places, things, animals. In this project, we are going to colorize black and white images with the help of Deep Learning This project implements a user interface for an automated image colorization system using React and Tailwind CSS. SAR images, known for capturing data in any weather or lighting conditions, are valuable for Earth observation. Deep Learning Based Colorization - II Colorful Image Colorization (Zhang et al) This model owes its architecture to Lizuka et al’sLet there be color! Given the luminance component of an image, the model estimates its*b* components and combines Dec 1, 2021 · Image colorization has a widespread application in video and image restoration in the past few years. Nov 10, 2021 · In this paper we proposed an automatic approach based on deep neural network to colorize the grayscale images. Existing colorization methods rely on different color spaces: RGB, YUV, Lab, etc. Deep Learning is evaluated to be as a traditional learning. Jun 15, 2021 · In this paper, we present a fast exemplar-based image colorization approach using color embeddings named Color2Embed. The first deep learning-based colorization methods were proposed in Cheng et al. 3. [8]. This paper provides a thorough examination of various methodologies and strategies used for image colourisation. However, the detail loss and color distortion are still serious problem for most existing methods, and some useful features may be lost in the processes of various convolutional layers because of the vanishing gradient problem Image colorization using deep learning Resources. jlnezryi dpnn atpau ptif mumn aneu gscbv afbkao tuk ocouga
{"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"}