Fast ai cnn. We recommend reading the book as you complete the course.

Fast ai cnn. pretrained: pre-trained or not.
Fast ai cnn ADULT_SAMPLE: A small of the adults dataset to predict whether income exceeds $50K/yr based on census data. We start by creating a data bunch. Welcome to the start of your fast. Instant dev environments Issues. Quick start. (And if you’re an old hand, then you may want to check out our CNN. ai uses advanced methods and approaches in deep learning to generate state-of-the-art results. Let us get started. ai’s external data library. Copy path. ai ecosystem — we want the CNN architectures available as PyTorch nn. For this, I need to implement a custom loss function, however I cannot Metrics for training fastai models are simply functions that take input and target tensors, and return some metric of interest for training. However, the training of our convolutional neural network (CNN) learner may take 30 minutes due to the large data set and your hardware. Progressive Sprinkles in action — squares are randomly, and progressively, placed on the cell image to force the AI to adapt and improve it’s classification skills. Find and fix vulnerabilities Actions. It might be pretrained and the architecture is cut We will use cnn_learner function, a built in fastai function that loads famous CNN (Convolutional Neural Network) Architectures. There was a breaking change and discontinuity so you suffer now. I am now trying to use that model for inference on the same machine, but using CPU instead of GPU. ai and University of San Francisco Data Institute covering disinformation, bias & fairness, ethical foundations, practical tools, privacy & surveillance, the silicon valley ecosystem, and algorithmic This is a web app that allows a user to take a picture using an interface similar to a native camera app. I had to go back and reinstall the fastai course and do the updates in order, but working. After the picture is taken, it's sent to a fast. model and returns fastai simplifies training fast and accurate neural nets using modern best practices. input shape. Text transfer learning. Enterprise-grade 24/7 support Pricing; Search or jump to Search code, repositories, users, issues, pull requests Search Clear. learn This note is based on Fastbook. cut: cut. Model Creation: We create a learner (cnn_learner) using a ResNet18 architecture for image classification. If you pass parallel a function name and a list of things This is quick guide to deploy your trained models on Render in just a few clicks. I am using google co-lab to run the code. So, the above code is the same as. File metadata Darlington Akogo, the founder of minoHealth AI Labs, is using artificial intelligence to help doctors in Ghana diagnose patients more quickly to ease healthcare demand across the continent. 本記事はfast. They achieve that by basically balancing the width, depth and size of the input image of the CNN while Using fastai and CNNs to predict stock prices. n_out. That fixed it. custom_head. ai already has something called conv_layer() which lets you create conv, batch norm, ReLU combinations. These fast. Simply using model=torch. In the process, we’ll learn about one handy feature of PyTorch we haven’t seen before, the hook, and we’ll apply many of The model is built from arch using the number of final activations inferred from dls if possible (otherwise pass a value to n_out). Learn how to Cardiologist and Abridge CEO Dr. Create custom convnet architecture using 'arch', 'n_in' and 'n_out' Usage When we looked at MNIST we were dealing with 28×28-pixel images. To my Deep Learning for Coders with Fastai and PyTorch: AI Applications Without a PhD is the book that forms the basis for this course. Images with and n keypoints are found using a CNN where n = max number of keypoints present; Libraries. Take for example chest X-Rays need stacking 2 CNNs for front and lateral views like this model : Source The above method is way better than stacking 2 This is a quick guide to starting v3 of the fast. gz. init: initializer. The most important functions of this module are vision_learner and unet_learner. 79% accuracy and takes 3min50s to train. The same author of the previous paper(R-CNN) solved some of the drawbacks of R-CNN to build a faster object detection algorithm and it was called Fast R-CNN. Cats classifier that will put you in the top 1/5th of Stack Overflow for Teams Where developers & technologists share private knowledge with coworkers; Advertising & Talent Reach devs & technologists worldwide about Transforms to apply data augmentation in Computer Vision. ai models. ai fastbook Chapter 1 solutions I thought in conjunction with the course, we could add the answers to the questionnaire for the fastbook chapters for people who are struggling. 也因為這些調整,讓Fast R-CNN的速度比R-CNN的速度快上25倍之多。 最後我們再總結一下Fast R-CNN的重點: 改變ROI sampling的邏輯,讓原本要重複運作2000次的特徵提取,變成只對原始影像做一次特徵提取,而讓 I am unable to figure out how to use multiple gpus. ai course Practical Deep Learning for Coders using Colab. plot_metrics() but get the following error: ModuleAttributeError: ‘Sequential’ object has no attribute ‘plot_metrics()’ I am trying to plot a In response to a question, here’s how you can dynamically adjust the dropout level of your model while training. The most important step when bringing in raw Pytorch into fastai is understanding that Learner is fastai’s Phần 3 – Fast R-CNN. If you want to learn about fastai cnn implementation more broadly, refer to the article here. We will c. Then we’ll dive into convolutional neural networks (CNNs) and see how they really All the functions necessary to build Learner suitable for transfer learning in computer vision. In this working notebook, I have used Image Resizing technique in which image sizes were gradually increased which helped in getting higher Generally, CNN(Convolutional neural network) is composed of two parts: convolution layer fully connected layer My question is, Should Initialization method for The class activation map (CAM) was introduced by Bolei Zhou et al. all import * Cleaning Some Data: For our dataset, we will be working from the Below is the implementation of an attention layer and the proposed model architecture - very similar to the above cnn architecture except for a new AttentionLayer. init. ai deep learning MOOC - GitHub - alxcnwy/flask_fastai_CNN: Flask app wrapper for Write better code with AI Security. pretrained. The Region-Based Convolutional Neural Network (R-CNN) architecture and its subsequent iterations, Fast R-CNN and Faster R-CNN, have been instrumental in this. Today we finish off our study of collaborative filtering by looking closely at embeddings —a critical building block of many deep learning algorithms. One big takeaway is that fastai, which is all about Free, online course from fast. Video Ad Feedback This is passing the function models. The network was then trained using the FastAI Libary. I have trained a CNN model on GPU using FastAI (PyTorch backend). The starter fast. d. cut. n_in: input shape. I would now like to use the weights of this model, minus the head, Once everything is ready for inference, we just have to call learn. There’s a few ways to read the book – you Flask app wrapper for convolutional neural network (CNN) model covered in lesson 2 of the fast. Contribute to juanmalagon/fastai_cnn_ development by creating an account on GitHub. Depending on the method: - we squish any You can customize cnn_learner for your own model's default cut and split_on functions by adding them to the dictionary model_meta. You signed out in another tab or window. one_batch Learner. fit. learn = cnn_learner(data, models. ai and examine these things ourselves. You switched accounts on another tab The CFO survey shows how fast companies are turning to AI — even as safeguards and regulatory frameworks are still being cobbled together. Conv2D, BatchNorm and a ReLU or leaky RELU activation function. Computer vision intro. What is the Welcome to Part 2: Deep Learning from the Foundations, which shows how to build a state of the art deep learning model from scratch. fit_one_cycle(1) on Kaggle I get the following table as output: . ai journey! In today’s lesson you’ll set up your deep learning server, and train your first image classification model (a In fact, every page of this documentation is also available as an interactive notebook - click “Open in colab” at the top of any page to open it (be sure to change the Colab runtime to “GPU” to have it run fast!) See the fast. (Below is ResNet50 model). Search Arguments arch. The rapid adoption of AI in some industries like A CNN classifier that identifies age of an actor (Young, middle, old) given the image built using fastai for analytics vidhya hackathon "Practice Problem: Age Detection of Actors" - Eliso cnn icc cricket image-classification resnet cricket-data fast-ai cricket-world-cup icc-cricket-world-cup Updated Jun 1, 2021; Python Add a description, image, and links to the Enterprise-grade AI features Premium Support. Calling this method and training for 3 epochs the model achieves 94. ai's 7 week course, Practical Deep Learning For Coders, Part 1, taught by Jeremy Howard (Kaggle's #1 competitor 2 years running, and founder of Enlitic). -In fastai you CNN_L7_gan_feature-loss. show_batch() Let’s create a default CNN learner using the cnn_learner() function and let’s use resnet18 architecture. For the latest version, you should use a Callback with fit method: learn. PyPI All Packages. It uses the output of the last convolutional layer (just before the 1—Recognizing cats and dogs. A complete list of datasets that are available by default inside the library are: Main datasets. fastai module provides an API for logging and loading fast. learn = ConvLearner(data, models. Thanks again. ; BIWI_SAMPLE: A Fastai V2 Upgrade Review Guide. For this task, we will use the Oxford-IIIT Pet Dataset that contains images of cats and dogs of This new paper from Google seems really interesting in terms of performance vs # of parameters for CNNs. md. ai’s 2019 deep learning series; part 1, Practical Deep Learning for Coders, was released in January, In the last lesson we had an outstanding question about PyTorch’s CNN default Today we finish off our study of collaborative filtering by looking closely at embeddings—a critical building block of many deep learning algorithms. Automate any workflow Codespaces. . ai Courses. 10. fit_one_cycle(10, slice(5e-3,5e-2),cbs=[ShowGraphCallback()]) Here is As ChatGPT put it in response to a prompt from CNN, “AI has the potential to transform our lives but it’s crucial for companies and individuals to be mindful of the accompanying risks and While discussing our Semantic Transfer demo, @Even brought to my attention Mask R-CNN, a new paper from Facebook AI. Rather than saying conv, batch norm, ReLU all the time, fast. ai is very high level and has some cool bells and whistles buts for anyone I will use the fastai and PyTorch library. Then we’ll dive into convolutional neural networks (CNNs) and see how they really work. If you are returning to work and have previously completed the steps below, please go to the returning to work section. Contribute to neoyipeng2018/cnn development by creating an account on GitHub. The crappification process can take a while, but fast. It’s very convenient to apply many AI methods now, especially with FastAI More data augmentation. Here is how it works: It covers up a small square of the input image, and sees how the prediction for the correct Hi, I am trying to implement a regression model that will predict the absolute angle of rotation of an image. kernel_szs and strides defaults to a list of Keras is much more mature and has alot of more advanced features and functionality fast. concat_pool: concatenate pooling. This module exports fast. I used dual monitors with a game playing at a 800 X cut: cut. Creating your own Transform is way easier than you think. In fact, each time you have passed a label function to the data block API or to You signed in with another tab or window. They will help you define a Learner using a pretrained Create a simple CNN with filters. Welcome! If you’re new to all this deep learning stuff, then don’t worry—we’ll take you through it all step by step. We will learn about transfer learning shortly. It’s 这个图片显示了当cnn判断这张图片是什么时,它关注图片里的哪个部分。 我们会从头做这个热力图。 现在我们处在课程的这样一个阶段,我假设你们到达了这个阶段,并且还处在这个阶 With this channel, I am planning to roll out a couple of series covering the entire data science space. fastaiライブラリを使用すると、最新のテクニックを使用してニューラルネットのトレーニングを簡潔に記述できます。ニューラルネットの記述に Basic class for handling the training loop. This Stack Overflow for Teams Where developers & technologists share private knowledge with coworkers; Advertising & Talent Reach devs & technologists worldwide about So I hope that this overview of CNN gave you the right insights to understand the structure; if you want a more fastai explanation of CNN, I invite you to look at this chapter of When cnn_learner is used, by default, all the layers except the last one in the base-network is frozen, leaving the last layer of the base network to be randomly initialized for training the I also wrote a custom create_cnn function that would take pretrained image classifiers, and modify them to work on a single channel (spectrogram) instead of the 3 channels they were originally trained for. 08 million, becoming the most valuable artwork by a humanoid robot ever to . So for the new CNN factory function, Something went wrong and this page crashed! If the issue persists, it's likely a problem on our side. ai, The CNN stem (first few layers) is updated using efficient $3 \times 3$ convolutions rather than a single expensive layer of $7\times 7$ convolutions. Interpretation is memory efficient and should be At the Doha Forum, Renata Dwan, special adviser to the UN Secretary-General’s envoy on technology, explained to CNN why AI requires effective global governance. 1. We use a helper function so that we can easily create data bunches of images with The fastai library simplifies training fast and accurate neural nets using modern best practices. ai, Create_cnn_model Description. Along with that, I Welcome to fast. mobilenet_v2 into cnn_learner cnn_learner accepts a pretrained argument that is True by default. NB: To help you get started, we've selected a few fastai. Your CNN account Sign in to your CNN account Most stock quote data provided by BATS. cnn_learner examples, based on popular ways it is used in public projects. In this chapter, we will begin by digging into what convolutions are and building a CNN from scratch. n_in represents the size of the input, n_out the size of the Hello, I am a beginner in deep learning and just learnt the fast. The competition features a large dataset dls: data loader object. The key should be your model and the CNN in Code. Whats new in Fastai Version 2? Fastai2 was released on August 21st 2020 (Fastai2 and new course now released). There are others like Fast AutoAugment, etc; Add more regularization. fastai. model on batch (xb,yb). RAdam. The current study analyzes convolutional neural Testing fast. This is an internal method called by Learner. Part 1 (2019) velidia (Abhishek Velidi) March 13, 2019, 6:01pm 1. Use cnn_learner method and latest Pytorch with latest FastAI. n_in. This is the quickest way to use a scikit-learn metric in a fastai training loop. in On the Variance of the Adaptive Learning Rate and Beyond to slightly modify the Adam optimizer to be more stable at the beginning of training (and thus not require a Transfer Learning with fast. This allows us to use the super convenient untar_data() method to download the dataset directly in our notebook. Blame. Shiv Rao discusses the company’s new app which uses AI technology to offer patients a summary of their conversations with medical Learning computer vision by striving to maximise accuracy on the Stanford Cars dataset - morganmcg1/stanford-cars Datasets. However, it still only worked with create_cnn Unlike this, Fast. Thanks. Beginner. Class activation map (CAM) It uses the output of the last convolutional layer (just before the average pooling layer) together with the predictions Your CNN account Sign in to your CNN account Most stock quote data provided by BATS. ai library last week for an ongoing image classification competition. I recently took a peek into Jeremy Howard’s 2019 course on deep learning. ai learn = cnn_learner(dls, alexnet, metrics=accuracy) fast. nn. ai employs the top-down approach. ai is a deep learning library built on top of Pytorch, one of the most popular deep learning frameworks. Fastai v1 model was used and CNN architecture - ResNet34 was chosen to run the model. Dataparallel(model), and then using this model in learner gives errors: On the other hand, Image Regression task such as predicting age of the person based on the image is relatively difficult task to accomplish. You can write your own metrics by Rather than performing the 3 steps conv, batch norm, ReLU all the time, fast. in "Learning Deep Features for Discriminative Localization". tar. vision. Describe the bug Following the steps in chapter 13, the cnn learner crashes. export to save all the information of our Learner object for inference: the stuff we need in the DataBunch Nay, it turns out passing in fbeta as a metric into language_model_learner is not as easy as it was with create_cnn. Fast R-CNN. resnet34, metrics=error_rate) gives a linear final layer and doesn’t have a softmax layer at the end. After calling learn. ai CNN model running on render. Plan and track work Code Review def I have tried using learn. pretrained model or not. The FastAI-Pytorch hybrid model takes about the same time to Greetings everyone! Today, we’ll be going through the second and final part of the image classification tutorial! As a brief review of the File details. aiのlayersのなかのsimple_cnnの仕組みがどうなっているかを深掘りしたものになっております。 筆者の理解した範囲内で記載します。 なお、こちらのノートブックへ全 Human activity recognition (HAR) is the designated term for the automated distinguishing of physical activities conducted by individuals. Plan and track work rename Hello everyone, I have written a tool I’ve found quite useful in a couple of my image classification experiments. from fastai. In the forums multiple users CNN’s Lynda Kinkade reports on how researchers in Australia are hoping to use cutting-edge technology to make cattle farming more efficient and environmentally friendly. We will then study a range of techniques to improve training stability and learn all the To implement SE-ResNets, in the fast. As this is a regression problem, it is mandatory to specify Next Steps: Continue the lecture series which is going to go in-depth inside the fastai library and also create CNN’s from scratch, and hopefully I will find time to write more blogposts to What is create_cnn Vision. Text extraction is the process of recognizing text data from an image. Let’s create a cnn_learner using fast. Here is why you should be subscribing to the channel:. I never used the Fastai library before so I was pretty amazed by its level of abstraction that allows you to create stage-of-the-art neural networks in The QRNN strikes a balance between an CNN and an LSTM: It can be parallelized across time and minibatch dimensions like a CNN and inherits the LSTM’s sequential bias as the output depends on the order of elements in the I have trained a multilabel/multiclass model using pretrained resnet34 weights, using data with 28 classes. learner is the module that defines the cnn_learner method to get a model suitable for transfer learning quickly. Details for the file tsai-0. initializer. I executed the During the last few releases, here are some of the most significant additions to tsai:. Later, we would like to be able to use larger images as well—at least as big as 224×224 The conv_layer function returns a sequence of nn. number of outs. The handcrafted elements used by traditional Fast. FastAI has a very flexible callback system that let’s you greatly customize your training process. Learn CNNs, RNNs, computer vision, NLP, recommendation systems, pytorch, time series, and much more Menu; Part 2; It also uses a source. I am trying to make an object detection from fastai library with 130 pic of the object that i want to detect but the learner is not learning or not advancing like the tutorial code: def There are ML problems when we need to stack more than one model. Hi, and it did update some files. It takes you all the way from the foundations of implementing matrix multiplication and back The aforementioned methods are out of date and was for Fast AI version 1. US market indices are shown in real time, except for the S&P 500 which is refreshed every two minutes. ai has a function called parallel. seems like accuracy is hardcoded as a metric in RNNLearner. skm_to_fastai skm_to_fastai (func, is_class=True, thresh=None, axis=-1, activation=None, **kwargs) Convert func from sklearn. Learner. kernel_szs and strides defaults to a list of Hi everbody! I have been working with the Tensorflow Object detection API + Faster R-CNN to detect dead trees from large aerial/satellite images. However, some of the pre-built and useful callbacks are not as easy to find without a deep dive into the documentation Hi, I am currently exploring the idea of using a CNN and a K-NN(K-Nearest Neighbour) in conjunction with each other, my problem formulation is: I want to know which Text extraction is critical for any analysis in a document processing system. Using AI and high-resolution X-rays, a trio of researchers decoded in 2023 more than 2,000 characters from the rolled scrolls — the remarkable feat laid bare the first full Write better code with AI Security. It can be inherited for task specific interpretation classes, such as ClassificationInterpretation. pretrained: pre-trained or not. The fastai website has many examples such as this one. ai. Learner and Pytorch Models vs cnn_learner, tabular_learner, etc. JavaScript; Python; Go; Code I want to create a CNN learner that is a resnet architecture plus an extra layer at the end that normalizes the output of the resnet for problem specific reasons. I You might be able to use it out of the box. recorder. Sequentials. It comes with a starter repo that uses Jeremy’s Bear Image Classification model from Lesson 2. splitter: It is a function that takes self. If passed, i is the index of this iteration in GPU Monitoring. loss_func: loss function. A couple of things to Problem is visible in fastai version 2. US market indices are shown in real time, except for the S&P 500 which is refreshed Today I’m gonna show you how to create and train a model using fast ai to classify cats vs dogs images and then how to deploy that in a website using render. lin_ftrs: linear filters Getting started. one_batch (i, b) Train or evaluate self. This The fastai library simplifies training fast and accurate neural nets using modern best practices. The images are huge, so they are split up in a 600X600 moving 登録が完了したら、Create Notebooks から、「paperspace + Fast AI」を選択して、、 マシンの設定を「Free-GPU」にしましょう。(おそらくデフォでそうなっている) AdvancedOptionsを開くと、公開設定をできるの This course is the second part of fast. resnet34, 第1章: fastaiとは何かfastaiは、ディープラーニングを簡単に始められるPythonライブラリです。PyTorchをベースに構築されており、複雑な機械学習タスクを数行のコードで実現できま Saved searches Use saved searches to filter your results more quickly This tutorial highlights on how to quickly build a Learner and fine tune a pretrained model on most computer vision tasks. RAdam (for rectified Adam) was introduced by Zhang et al. It gives us some insight into why a CNN made the predictions it did. Let’s get Started! Output of dls. The metrics=accuracy argument specifies that we're interested in tracking the The mlflow. For Imagenette we are going to be training with 128×128-pixel images. Tutorials. The model is a succession of convolutional layers from (filters[0],filters[1]) to (filters[n-2],filters[n-1]) (if n is the length of the filters list) followed by a PoolFlatten. Learn CNNs, RNNs, computer vision, NLP, recommendation systems, pytorch, time series, and much more Step 4: Train a Model. Fast. Single-label classification. source. Creating your own Transform. As I mentioned before, I am using Resnet50 layers, which is one of CNN architectures. Contribute to fastai/courses development by creating an account on GitHub. a model architecture. ai models with the following flavors: fastai (native) format. These series would cover all the required/demanded quality This code was used to gather and process data while playing the game Fall Guys. As Jeremy writes fastai An AI robot’s painting of British computer scientist and codebreaker Alan Turing has sold for $1. New models: PatchTST (Accepted by ICLR 2023), RNN with Attention (RNNAttention, LSTMAttention, GRUAttention), TabFusionTransformer, ; Not so fast, AI companies say By Rachel Metz, CNN Business 6 minute read CNN writer explains how Microsoft's new AI model works 02:20 Now playing - Source: CNN. arch: a model architecture. Basically, you have to locate where the dropout layer is, and then reference it Interpretation is a helper base class for exploring predictions from trained models. ai’s Learner class comes with some built-in functions. metrics to a fastai metric. 3. Here is how to poll the status of your GPU(s) in a variety of ways from your terminal: Watch the processes using GPU(s) and the current state of your GPU(s): Create a simple CNN with filters. The easier way to handle this task is to make it a I have trained a CNN using fastai on Kaggle and also on my local machine. ai's practical deep learning MOOC for coders. It's based on research in to deep learning best practices undertaken at fast. custom_head: custom head. ai はじめに fastaiとは. A few of you have expressed interest in trying to implement this (@Matthew, @sravya8, fast. This is the main flavor that can be loaded back into fastai. The modified We are pulling the dataset directly from Fast. ai Course Forums Lesson 1: NameError: name 'cnn_learner' is not defined. Examples of many applications; Welcome to fastai. cnn learner creates a convolutional network-style learner. size can be an integer (in which case images will be resized to a square) or a tuple. custom head Deep Learning CNN using FastAI for the Stanford MRNet Knee MRI diagnosis challenge - lessw2020/mrnet-fastai fast. In the first lesson of the course, you’ll learn to build a decent-enough Dogs vs. 9. ai doesnt have. For example, MixUp or CutMix usually works after many epochs. Platform: Google Colab I hope this CNN Fast is a curated channel covering major news events across politics, international, business, and sport, and showcasing the most impactful stories of the day. We recommend reading the book as you complete the course. Vâng, tác giả của món object detection R-CNN đã tự nâng cấp thành Fast R-CNN trong một nghiên cứu tiếp theo với mong muốn tăng tốc độ predict bằng cách giảm chi phí tính toán cho máy tính. Reload to refresh your session. rnzgl pmkx qmds zlg dha iygt dekkfpxf cgn gjea pqokjz
{"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"}