Neural network visualization tool python. May 16, 2017 · Yosinski, Jason, et al.

Neural network visualization tool python. Visualizing Neural Network Architecture.
Neural network visualization tool python Readers who are data scientists in need of a compact yet powerful visualisation package for quick prototyping, exploratory data analysis or debugging their network models are Neural network visualization toolkit for tf. These are complex to wrap your head around, even at the most fundamental level. keras. Another neural network plotting tool is Netron. These tools help in interpreting the decisions made by neural networks, providing insights into how they process data. BeeWare is a suite of tools and libraries for writing Python applications which interact via the native user interface. Installation!pip install torchviz Neural-Network-3D-Visualizer is an interactive 3D visualization tool for exploring the structure and weights of a Multilayer Perceptron (MLP) neural network. In this tutorial, you will discover exactly how to summarize and visualize your deep learning models in Keras. In this blog, we will explore how to use VisualKeras to visualize a Sep 13, 2023 · Experiment with image and model architectures to gain a deeper understanding of how your neural network processes data. It uses python's graphviz library to create a presentable graph of the neural network you are building. It works in Jupyter Notebook to show real-time visualizations of your machine learning training and perform several other key analysis tasks for your models and data. Export your model as a onnx file and upload to netron. What package should I use or can anyone illustrate what would my network result in? This is the code for my network: This code generates a directed graph that visually represents the connections between different layers of a neural network. Contribute to keisen/tf-keras-vis development by creating an account on GitHub. It is particularly helpful in computer vision, where it reveals which abstract features in an input image a neural network responds to. visualize_quantization_histogram() and utils. Sep 11, 2019 · The Keras Python deep learning library provides tools to visualize and better understand your neural network models. The key feature of this API is to allow for quick plotting and visual adjustments without recalculation. js to illustrate neural network architecture or anything else in machine learning. Visualize Neural Network Models. app. NET, ncnn, MNN, PaddlePaddle, GGUF and scikit-learn. While CNNs achieve high recognition rates, we still not fully grasp how they process information and what they actually learn. It provides simple customization to meet a wide range of requirements. We saw how to visualize model summary statistics, plot network graphs, analyze performance metrics with TensorBoard, and inspect pre-trained networks. One of them is Deep Learning Studio Developed by Deep Cognition Inc, their robust deep learning platform with a visual interface in production provides a comprehensive solution to data ingestion, model development, training, deployment and management. GitHub is where people build software. NEST is a simulator for spiking neural network models that focuses on the dynamics, size and structure of neural systems, rather than on the exact morphology of individual neurons. The neural network is a sequence of linear (both convolutional A convolution calculates weighted sums of regions in the input. Jan 5, 2025 · Visualizing neural networks in Python can significantly enhance our understanding of their architectures and performance. Torchviz is a library that provides a way to visualize the computational graph of a PyTorch model. There’s a few new things here, for one this is a Deep Neural Network as it has more than one intermediate layer ( it has 2 ), these layers are usually called hidden layers, there’s also a backward connection between layers (in black ) to indicate this is a recurrent deep Jul 27, 2016 · Thanks for contributing an answer to Stack Overflow! Please be sure to answer the question. It includes a set of useful tools for building and training neural networks. Network made with Gephi. I have already done a few simple things. For a more detailed introduction to neural networks, Michael Nielsen’s Neural Networks and Deep Learning is a good place to start. ANN Visualizer is a python library that enables us to visualize an Artificial Neural Network using just a single line of code. panda3d neural-network-visualizations tensorflow-visualizations Mar 8, 2023 · Visualization of a Fully Convolutional Neural Network architecture (FCN-8) Tired of the usual visualizations for neural networks? Let me introduce PlotNeuralNet by Haris Iqbal, a LaTeX package with a Python interface that generates attractive visualizations for any neural network you can think of. Jun 7, 2021 · Out of all the tools mentioned above, in my opinion, using VisualKeras is the easiest approach for visualizing a neural network. May 16, 2017 · Yosinski, Jason, et al. ; The output volume size. --- If you have questions or are new to Python use r/LearnPython Apr 3, 2018 · ANN Visualizer is a python library that uses just one line of code to generate a visualization of your dense artificial neural network in python. Sep 1, 2024 · In this guide, we‘ll take an in-depth look at some of the most popular and full-featured Python visualization tools, including code samples and expert perspectives. How to […] You can read the popular paper Understanding Neural Networks Through Deep Visualization which discusses visualization of convolutional nets. In this article, we will explore Visualkeras and create some visualizations using them. Aug 22, 2024 · Feature visualization reveals the features learned by a deep neural network. Neural Networks in general are composed of a collection of neurons that are organized in layers, each with their own learnable weights and biases. Netron supports ONNX, TensorFlow Lite, Core ML, Keras, Caffe, Darknet, PyTorch, TensorFlow. show() Pros of DeepDream. In particular, I'd personally be extremely interested to add support for basic RNNs. At their core, neural networks are built by designing an architectur I think you meant a lot of work. Although useful for viewing the basic . Feature visualization is an area Neural Network Visualization with Python This repository aims to provide a convenient tool for visualizing neural networks using Python. The NN can be modeled using TensorFlow or a custom built model. Jan 24, 2021 · Visualizing neural networks is crucial for understanding their architecture, debugging, and optimizing models. The lack of understanding on how neural networks make predictions enables unpredictable/biased models, causing real harm to society and a loss of trust in AI-assisted systems. It is ideal for networks of any size, including models of information processing (e. Why Should we use Visualization to Decode Neural Networks? Jul 18, 2024 · This code defines a simple feed-forward neural network with three fully connected layers. This is what you'll have by now: Edit the svg file using the online tool at draw. But you really have to do everything from scratch. Visualize a Neural Network using Python. Now, let's explore different visualization techniques. Jan 6, 2022 · Visualization and analysis tools to aid in the interpretation of neural network models. Its implementation not only displays each layer but also depicts the activations, weights, deconvolutions and many other things that are deeply discussed in the paper. datasets . It is used to work with Keras and makes use of python’s graphviz library to create a neat and presentable graph of the neural network you’re building. Lucid is a collection of infrastructure and tools for research in neural network interpretability. Neural Network Training Fingerprint (NNTF) is a visualization approach to analyze the training process of any neural network performing classification. Provide details and share your research! But avoid …. Since these networks can get fairly complex, we added the possibility to group layers and thus compact the network through replacing common layer sequences. 0 of the ann_visualizer is now released! Nov 30, 2023 · Be sure to research available software and consider factors such as ease of use, flexibility, scalability, available resources (documentation, community support, tutorials), and compatibility with Dec 26, 2024 · Visualizing neural network errors is crucial for understanding model performance and identifying areas for improvement. Data visualization can help us better understand the principles of this algorithm. Nov 26, 2024 · Python for graph and network analysis opens up a world of possibilities, from social media analysis to optimizing transportation networks and detecting fraud. Please check your connection, disable any ad blockers, or try using a different browser. TensorFlow can create various machine learning models, including Convolutional Neural Networks (CNNs), Recurrent Neural Networks (RNNs), and Deep Neural Networks (DNNs). Nov 6, 2023 · Figure 1 (a). It includes diverse activation functions, layers, loss functions, initializers, and visualization tools, with a scalable structure for future expansion. You can also explore Gephi Lite, this is a free and open-source web application to visualize and explore networks and graphs. Nov 23, 2020 · Neural networks achieve state-of-the-art accuracy in many fields such as computer vision, natural-language processing, and reinforcement learning. To our knowledge, only the neuralnet and FCNN4R packages provide plotting methods for MLP networks in R. Mar 22, 2020 · An Introductory Guide to Deep Learning and Neural Networks Fundamentals of Deep Learning – Starting with Artificial Neural Network; You can also learn CNNs in a step-by-step manner by enrolling in this free course: Convolutional Neural Networks (CNN) from Scratch. But yeah, I would use Processing. More information about HiPlot can be found on the HiPlot Github Repository. Motivated by this observation, this paper presents a new interactive visualization of neural networks trained on handwritten digit recognition, with the intent of showing the actual TensorWatch is a debugging and visualization tool designed for data science, deep learning and reinforcement learning from Microsoft Research. Existing plot functions in R to view neural networks are minimal. Oct 16, 2021 · Visualkeras is an open-source Python library that is used for creating Neural Network model visualization. from torchviz import make_dot make_dot(yhat, params=dict(list(model. It is a web This Python-based neural network project offers custom components, data preprocessing, and a modular system for educational and research development. If there’s one area of machine learning where visualization and interpretation matter the most, it’s got to be neural networks. Below are some of the most effective visualization tools available today: 1. Visualization: Provides a unique way to visualize the inner workings of neural networks, making it easier to understand how they process and In the recent years, several approaches for understanding and visualizing Convolutional Networks have been developed in the literature. In the next sections, you’ll dive deep into neural networks to better understand how they work. In this Building Blocks course we'll build a custom visualization of an autoencoder neural network using Matplotlib. “Understanding neural networks through deep visualization. named_parameters()))). In addition, I would love to someday update the tool to support more features and network types. Below are some advanced techniques to enhance your understanding of neural networks through visualization. Neural Networks - 3 Examples in Python. I'm wondering if there are library to help me visualize the training process like the one you can find here : I'm going to do the classification of three-dimensional data instead of two-dimension. The official Python community for Reddit! Stay up to date with the latest news, packages, and meta information relating to the Python programming language. And in order to visualize simply the results, we have chosen a simple dataset. io. g. Oct 23, 2024 · Up next, I’ll show you 3 ways to visualize neural network models. Jan 3, 2025 · By visualizing a neural network in Python, you can gain insights into how the model learns and makes predictions. In this article, we'll explore how to visualize different types of neural networks, including a simple feed Oct 29, 2022 · A Python module named ANN Visualizer makes it possible to visualize an artificial neural network with a few lines of code (Gheorghiu, 2022). Installation: pip install onnx Code for exporting to onnx pytorch decision-boundaries cifar10 visualization-tools understanding-neural-networks neural A set of APIs for 3D Visualization of Neural Networks (NN) in Python Apr 23, 2023 · One such tool is VisualKeras, a Python library that allows you to create and visualize neural networks in an intuitive way. Visualizing networks is challenging because the visualization represents complex multidimensional topologies embedded in the network within the two-dimensional media of a static figure. The tool provides a graphical interface to input data, visualize neuron activations, and connections. The best of it: Once the application runs, you just have to paste your Keras code into your browser and the visualization is automatically generated based on that. Scikit-learn defines a simple API for creating visualizations for machine learning. Image by the author. CNNVis is a high-level convolutional neural network (CNN) visualization API built on top of Keras. Torchviz. The output can be saved as a PNG file for easy sharing and presentation. js, Three. The following visualization shows an artificial neural network (ANN) with 1 hidden layer (3 neurons in the input layer, 4 neurons in the hidden layer, and 1 neuron in the output layer). Feb 28, 2023 · and would like to have a visualization graph of this network, showing for instance: the weights between the inputs and each neurons and between neurons of successive hidden layers; the activity of each neuron I was thinking of using bokeh and network graph but was wondering if it is possible? With neural networks, you don’t need to worry about it because the networks can learn the features by themselves. Built using Python (for generating and training data) and Three. TensorBoard Nov 28, 2022 · It does get busy and most illustrations omit details like weights, sums, functions and the mathematical description. nn ): An alternative to other neural network libraries like Flax, Haiku, Keras, or Equinox, which exposes the full structure of your model's forward pass using declarative combinators. Gallery. Python Libraries for Data Handling and Visualization A convolutional neural network, or CNN for short, is a type of classifier, which excels at solving this problem! A CNN is a neural network: an algorithm used to recognize patterns in data. Jul 19, 2024 · Visualkeras is a Python package to help visualize Keras (either standalone or included in TensorFlow) neural network architectures. Visualization is a powerful tool in your machine learning toolbox, helping 5. So in the section below, I’m going to introduce you to a tutorial on how to visualize neural networks with Visualkeras using the Python programming language. nn ( pz. They give us a way to peer into the black boxes, diagnose mis-classifications, and assess whether the network is over/under fitting. With libraries like NetworkX, igraph, and cutting-edge tools like PyTorch Geometric, Python equips both beginners and experts with the tools needed to tackle graph-based challenges. render("rnn_torchviz", format="png") This tool produces the following output file: Jan 14, 2022 · In our case, we can use extracted meta-data about our model’s training to very quickly create a stunning and interactive visualization. other tool to visualize neural network model graphs? A set of APIs for 3D Visualization of Neural Networks (NN) in Python using the Panda3D game engine. By leveraging Python's Matplotlib library, we can create insightful visualizations that highlight the discrepancies between predicted and actual values. How can Netron help you visualize models? Produce interactive visualizations of neural networks ; Expand nodes to view layer details; Supports almost all widely used frameworks Define the network Creates a custom neural network class MyNet with convolutional, pooling, and fully connected layers. Understanding of key CNN concepts, such as convolution, pooling, stride, padding, and the architecture of typical CNN layers. Nov 3, 2019 · I'm implementing an algorithm to classify messages into topics using a neural network. It allows seamless integration with deep graph library (DGL) and can meet your various visualization requirements for presentation, analysis and model explanation. Detailed examples of Network Graphs including changing color, size, log axes, and more in Python. In neural networks, the learnable weights in convolutional layers are referred to as the kernel. Netron has experimental support for TorchScript, TensorFlow, MXNet, OpenVINO, RKNN, ML. , 2020). Nov 17, 2022 · Here are 3 examples of how to visualize PyTorch neural networks. Before Nov 23, 2023 · In this article, I will introduce to you a Python package I stumbled upon that is, in my humble opinion, the BEST tool I have seen so far for visualising network graphs. It uses Keras and Python’s Graphviz module to produce a tidy and appealing neural network graph. Feature importance visualization is a crucial aspect of interpreting machine learning models, particularly in the context of neural networks. It is available as a Python package, a standalone application, and a browser application. After completing this tutorial, you will know: How to create a textual summary of your deep learning model. Table Of Contents. It is one of the best libraries for understanding how different layers are connected. To generate the visualization, first, you will need to install a Python dependency for HiPlot: pip install -U hiplot However, we can do much better than that: PyTorch integrates with TensorBoard, a tool designed for visualizing the results of neural network training runs. We're not currently supporting tensorflow 2! If you'd like to use lucid in colab which defaults to tensorflow 2, add this magic to a cell before you import tensorflow: Jul 26, 2024 · Netron can be used to produce interactive visualizations of neural network models. TensorSpace provides Layer APIs to build deep learning layers, load pre-trained models, and generate a 3D visualization in the browser. The toolbox and methods are described casually here and more formally in this paper: Jason Yosinski, Jeff Clune, Anh Nguyen, Thomas Fuchs, and Jan 9, 2025 · TensorFlow was developed by Google and is a popular Python library for machine learning. This module supports layered style architecture generation which is great for CNNs (Convolutional Neural Networks), and a graph style architecture, which works great for mos… Apr 6, 2023 · Visualkeras is an open-source Python library that helps in the visualization of the Keras neural network architecture. More than 100 million people use GitHub to discover, fork, and contribute to over 420 million projects. Visualize using built-in tools Uses utils. Oct 6, 2021 · GNNLens2 is an interactive visualization tool for graph neural networks (GNN). A declarative combinator-based neural network library, where models are represented as easy-to-modify data structures: penzai. Free Courses Learning Paths Sep 24, 2018 · I believe this tool generates its graph using the backwards pass, so all the boxes use the PyTorch components for back-propagation. Instead, you have to separately and explicitly define network code for the program to consume and use to output its diagram. Apr 5, 2024 · Image by Author Netron. ; We typically use network architecture visualization when (1) debugging our own custom network architectures and (2) publication, where a visualization of the architecture is easier to understand than including the actual source code or visualization python training entropy neural-network graph tensorflow graphs nn data-visualization python3 neural-networks data-analysis visualization-tools data-analysis-python neural-networks-visualization tensorflow2 The Python library PlotNeuralNet by Haris Iqbal helps solve this problem by producing LaTeX code for drawing neural networks. A Python visualization toolkit, built with PyTorch, for neural networks in PyTorch. I have invested a lot of time in mastering Processing. May 22, 2021 · These graphs typically include the following components for each layer: The input volume size. PlotNeuralNet does not work directly from existing architecture code. deep-learning neural-network-training neural-network-visualization Pytorch implementation of convolutional neural network visualization techniques grad-cam pytorch segmentation gradient cam saliency deep-dream guided-backpropagation guided-grad-cam gradient-visualization cnn-visualization smooth-grad Nov 3, 2022 · List of tools/libraries for neural network visualization For the past few days, I have been researching various tools to help us visually represent our architecture. Python script for illustrating Convolutional Neural Networks (CNN) using Keras-like model definitions - yu4u/convnet-drawer Sep 4, 2020 · Neural Network is often considered a black-box algorithm. js, Safetensors and NumPy. Oct 3, 2021 · I have tried to visualize the architecture of my neural network (see code below). Plotting Neural Network Layers Aug 7, 2024 · Plot result from the plt. ENNUI ~ Elegant Neural Network User Interface ~ ENNUI helps people learn about deep learning by building, training, and visualizing deep neural networks on the browser. It integrates with a PyTorch model's forward pass as a decorator, allowing you to visualize how neural network training occurs. Since standard packages don’t give all details of how the parameters are found, we will code a neural network from scratch. Such tools have practical use for visualizing network architecture and connections between layers that mediate variable importance. The course is divided up into 33 small coding exercises, making it a step-by-step experience. BeeWare. Jan 7, 2025 · Neural network visualization tools are essential for understanding the inner workings of complex models. For example, that a neuron in a CNN architecture is highly responsive to diagonal edges or textures like fur. By understanding which features significantly influence model predictions, practitioners can gain insights into the decision-making process of these complex systems. Neural Networks: Main Concepts. . Version 2. visualize_quantization_graph() to visualize the quantization patterns in the Oct 28, 2024 · Familiarity with neural network structures, backpropagation, and activation functions (like ReLU and sigmoid). in the visual or auditory cortex of mammals), models of network activity dynamics (e. - andreasMazur/geoconv Aug 18, 2022 · Convolutional Neural Networks (CNNs) have improved the benchmarks on difficult image recognition datasets by huge margins [1, 2], which makes CNNs popular tools for researchers and developers. 4. TensorSpace: TensorSpace is a neural network 3D visualization framework built by TensorFlow. Visualizations#. js (for rendering a 3D graph), this tool provides an engaging way to visualize and interact with the structure and dynamics Apr 14, 2018 · ann-visualizer. This package offers an extensive collection of plots to facilitate the visualization and understanding of functional transformations at the Neuron, Layer, and Network levels. When we're done you'll have the python code to create and render this: Mar 16, 2020 · The following figure presents a simple functional diagram of the neural network we will use throughout the article. I wanted to do this in a non Build & Train a Neural Network in Python Using TensorFlow, Keras & Scikit-Learn . js. It is also possible to initialize weights in NN manually. 3D Visualization of a Convolutional Neural Network - an awesome interactive 3D visualization that I've spent a long time playing Next, the network is asked to solve a problem, which it attempts to do over and over, each time strengthening the connections that lead to success and diminishing those that lead to failure. 0 is Out! Version 2. Functions are available for plotting, quantifying variable importance, conducting a sensitivity analysis, and obtaining a simple list of model weights. The intention behind this project aligns with the intention of Keras: "Being able to go from idea to result with the least possible delay is key to doing good research". Visualizing Neural Network Architecture. Before diving into the tools, it‘s worth taking a moment to consider why visualizing neural networks is so important. Netron is a viewer for neural network, deep learning and machine learning models. I want to get something like this in terms of visualization. laminar cortical networks or balanced Visualizations of neural networks typically take the form of static node-link diagrams, which illustrate only the structure of a network, rather than the behavior. Aug 2, 2022 · A Python library for end-to-end learning on surfaces. Visualization Techniques for Neural Network in Pytorch 1. One of the first steps in understanding a neural network is to visualize its Dec 26, 2024 · In this article we will build a neural network visualization application using the cross platform framework, BeeWare. visualization python training entropy neural-network graph tensorflow graphs nn data-visualization python3 neural-networks data-analysis visualization-tools data-analysis-python neural-networks-visualization tensorflow2 Visualize high dimensional data. Visualizing neural network diagrams in Python can greatly enhance understanding and communication of complex architectures. Welcome to ENNUI - An elegant neural network user interface which allows you to easily design, train, and visualize neural networks. This complexity makes interpreting a neural network difficult. Machine Learning Yes, There are many tools available for designing and applying neural network just by drag and drop. Next, the network is asked to solve a problem, which it attempts to do over and over, each time strengthening the connections that lead to success and diminishing those that lead to failure. It allows easy styling to fit most needs. Asking for help, clarification, or responding to other answers. Visualkeras generates layered style architectures, which are ideal for CNNs (Convolutional Neural Networks), and graph style architectures, which are Dec 5, 2021 · By default, kernel initializer is glorot_uniform when you use keras module , but you can check this post and this paper Understanding the difficulty of training deep feedforward neural networks for further info. Instantiate the model Creates an instance of the MyNet class. This is the code required to run the Deep Visualization Toolbox, as well as to generate the neuron-by-neuron visualizations using regularized optimization. By utilizing Matplotlib, we can create insightful visual representations of neural networks, making it easier to analyze their structure and behavior. js and Tween. Conclusion. Neural networks have revolutionized the field of machine learning, powering advancements in areas like image recognition, natural language processing, and predictive modeling. With this library, users can easily create schematic diagrams of neural networks for better understanding and visualization of their architectures. A neural network is a system that learns how to make predictions by following these steps: Jun 30, 2023 · Examples of high-level user visualization interfaces can be seen in tools such as GGPlot2 for R (Wickham, 2016) and Seaborn for Python (Waskom et al. You can load a pre-trained model, input data, and see how the data propagates through the network layers. It implements pre-processing functions that include geodesic algorithms, neural network layers that operate on surfaces, visualization tools and benchmarking functionalities. PyTorch offers several ways to visualize both simple and complex neural networks. Apr 27, 2015 · shallow network (consisting of simply input-hidden-output layers) using FCNN (Fully connected Neural Network) Or deep/convolutional network using LeNet or AlexNet style. However, neural networks are complex, easily containing hundreds of thousands, or even, millions of operations (MFLOPs or GFLOPs). but I didn't manage to do it. Other Useful Tools + Resources. Neural Network Visualization Tool This tool is designed to provide a dynamic visualization of neural network training. NNVisualiser is a powerful neural network visualization tool that leverages the NeuralNetworkCoordinates package to draw coordinates for various plots. This tutorial illustrates some of its functionality, using the Fashion-MNIST dataset which can be read into PyTorch using torchvision. This tool allows you to visualize the inner workings of a neural network model. Feb 19, 2024 · This tutorial covered several techniques for visualizing neural network architectures in Python, including using libraries like Keras, TensorFlow, PyTorch, and standalone tools like Netron. ; And optionally the name of the layer. ” Deep Learning Workshop, International Conference on Machine Learning (ICML), 2015. Sep 24, 2018 · Where to find this tool? The best way to find the tool is to go to the repository in my GitHub home. Neural networks are often described as "black box". kbha slm gbgzzzz lqjcgv qqtzog ifshio yjruz iyvl zpqkaz jutr
{"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"}