All Projects → ashishpatel26 → Tools To Design Or Visualize Architecture Of Neural Network

ashishpatel26 / Tools To Design Or Visualize Architecture Of Neural Network

Tools to Design or Visualize Architecture of Neural Network

Projects that are alternatives of or similar to Tools To Design Or Visualize Architecture Of Neural Network

Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-95.71%)
Mutual labels:  cnn, deeplearning, semantic-segmentation, resnet
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+493.44%)
Mutual labels:  cnn, deeplearning, machinelearning
Wb color augmenter
WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
Stars: ✭ 89 (-92.21%)
Mutual labels:  cnn, deeplearning, semantic-segmentation
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (-29.57%)
Mutual labels:  cnn, deeplearning
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (-40.16%)
Mutual labels:  deeplearning, machinelearning
Ai Series
📚 [.md & .ipynb] Series of Artificial Intelligence & Deep Learning, including Mathematics Fundamentals, Python Practices, NLP Application, etc. 💫 人工智能与深度学习实战,数理统计篇 | 机器学习篇 | 深度学习篇 | 自然语言处理篇 | 工具实践 Scikit & Tensoflow & PyTorch 篇 | 行业应用 & 课程笔记
Stars: ✭ 702 (-38.58%)
Mutual labels:  deeplearning, machinelearning
Convcrf
This repository contains the reference implementation for our proposed Convolutional CRFs.
Stars: ✭ 514 (-55.03%)
Mutual labels:  deeplearning, semantic-segmentation
Servenet
Service Classification based on Service Description
Stars: ✭ 21 (-98.16%)
Mutual labels:  cnn, deeplearning
Autodl
Automated Deep Learning without ANY human intervention. 1'st Solution for AutoDL [email protected]
Stars: ✭ 854 (-25.28%)
Mutual labels:  deeplearning, resnet
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (-14.44%)
Mutual labels:  cnn, deeplearning
Algorithmmap
建立你的算法地图:如何高效学习算法;算法工程师:从小白到专家
Stars: ✭ 47 (-95.89%)
Mutual labels:  deeplearning, machinelearning
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (-40.86%)
Mutual labels:  resnet, machinelearning
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (-52.49%)
Mutual labels:  cnn, resnet
Bmw Tensorflow Training Gui
This repository allows you to get started with a gui based training a State-of-the-art Deep Learning model with little to no configuration needed! NoCode training with TensorFlow has never been so easy.
Stars: ✭ 736 (-35.61%)
Mutual labels:  deeplearning, resnet
Ludwig
Data-centric declarative deep learning framework
Stars: ✭ 8,018 (+601.49%)
Mutual labels:  deeplearning, machinelearning
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-95.71%)
Mutual labels:  semantic-segmentation, resnet
Neuropod
A uniform interface to run deep learning models from multiple frameworks
Stars: ✭ 858 (-24.93%)
Mutual labels:  deeplearning, machinelearning
Treelstm.pytorch
Tree LSTM implementation in PyTorch
Stars: ✭ 476 (-58.36%)
Mutual labels:  deeplearning, machinelearning
Monk v1
Monk is a low code Deep Learning tool and a unified wrapper for Computer Vision.
Stars: ✭ 480 (-58.01%)
Mutual labels:  deeplearning, machinelearning
Keras basic
keras를 이용한 딥러닝 기초 학습
Stars: ✭ 39 (-96.59%)
Mutual labels:  cnn, deeplearning

Tools to Design or Visualize Architecture of Neural Network

  1. Net2Vis: Net2Vis automatically generates abstract visualizations for convolutional neural networks from Keras code.

  1. visualkeras : Visualkeras is a Python package to help visualize Keras (either standalone or included in tensorflow) neural network architectures. It allows easy styling to fit most needs. As of now it supports layered style architecture generation which is great for CNNs (Convolutional Neural Networks) and a grap style architecture.
import visualkeras

model = ...

visualkeras.layered_view(model).show() # display using your system viewer
visualkeras.layered_view(model, to_file='output.png') # write to disk
visualkeras.layered_view(model, to_file='output.png').show() # write and show

visualkeras.layered_view(model)

  1. draw_convnet : Python script for illustrating Convolutional Neural Network (ConvNet)

img

  1. NNSVG

AlexNet style

enter image description here

enter image description here

  1. PlotNeuralNet : Latex code for drawing neural networks for reports and presentation. Have a look into examples to see how they are made. Additionally, lets consolidate any improvements that you make and fix any bugs to help more people with this code.

img

img

  1. Tensorboard - TensorBoard’s Graphs dashboard is a powerful tool for examining your TensorFlow model.

enter image description here

  1. Caffe - In Caffe you can use caffe/draw.py to draw the NetParameter protobuffer:

enter image description here

  1. Matlab

enter image description here

  1. Keras.js

enter image description here

  1. keras-sequential-ascii - A library for Keras for investigating architectures and parameters of sequential models.

VGG 16 Architecture

           OPERATION           DATA DIMENSIONS   WEIGHTS(N)   WEIGHTS(%)

              Input   #####      3  224  224
         InputLayer     |   -------------------         0     0.0%
                      #####      3  224  224
      Convolution2D    \|/  -------------------      1792     0.0%
               relu   #####     64  224  224
      Convolution2D    \|/  -------------------     36928     0.0%
               relu   #####     64  224  224
       MaxPooling2D   Y max -------------------         0     0.0%
                      #####     64  112  112
      Convolution2D    \|/  -------------------     73856     0.1%
               relu   #####    128  112  112
      Convolution2D    \|/  -------------------    147584     0.1%
               relu   #####    128  112  112
       MaxPooling2D   Y max -------------------         0     0.0%
                      #####    128   56   56
      Convolution2D    \|/  -------------------    295168     0.2%
               relu   #####    256   56   56
      Convolution2D    \|/  -------------------    590080     0.4%
               relu   #####    256   56   56
      Convolution2D    \|/  -------------------    590080     0.4%
               relu   #####    256   56   56
       MaxPooling2D   Y max -------------------         0     0.0%
                      #####    256   28   28
      Convolution2D    \|/  -------------------   1180160     0.9%
               relu   #####    512   28   28
      Convolution2D    \|/  -------------------   2359808     1.7%
               relu   #####    512   28   28
      Convolution2D    \|/  -------------------   2359808     1.7%
               relu   #####    512   28   28
       MaxPooling2D   Y max -------------------         0     0.0%
                      #####    512   14   14
      Convolution2D    \|/  -------------------   2359808     1.7%
               relu   #####    512   14   14
      Convolution2D    \|/  -------------------   2359808     1.7%
               relu   #####    512   14   14
      Convolution2D    \|/  -------------------   2359808     1.7%
               relu   #####    512   14   14
       MaxPooling2D   Y max -------------------         0     0.0%
                      #####    512    7    7
            Flatten   ||||| -------------------         0     0.0%
                      #####       25088
              Dense   XXXXX ------------------- 102764544    74.3%
               relu   #####        4096
              Dense   XXXXX -------------------  16781312    12.1%
               relu   #####        4096
              Dense   XXXXX -------------------   4097000     3.0%
            softmax   #####        1000
  1. Netron

screenshot.png

  1. DotNet

Simple net

  1. Graphviz : Tutorial

img

  1. Keras Visualization - The keras.utils.vis_utils module provides utility functions to plot a Keras model (using graphviz)

enter image description here

  1. Conx - The Python package conx can visualize networks with activations with the function net.picture() to produce SVG, PNG, or PIL Images like this:

enter image description here

  1. ENNUI - Working on a drag-and-drop neural network visualizer (and more). Here's an example of a visualization for a LeNet-like architecture.

A visualization of a LeNet-like architecture

  1. NNet - R Package - Tutorial
data(infert, package="datasets")
plot(neuralnet(case~parity+induced+spontaneous, infert))

[neuralnet](https://

  1. GraphCore - These approaches are more oriented towards visualizing neural network operation, however, NN architecture is also somewhat visible on the resulting diagrams.

AlexNet

alexnet_label logo.jpg

ResNet50resnet50_label_logo.jpg

  1. Neataptic

Neataptic offers flexible neural networks; neurons and synapses can be removed with a single line of code. No fixed architecture is required for neural networks to function at all. This flexibility allows networks to be shaped for your dataset through neuro-evolution, which is done using multiple threads.

img

  1. TensorSpace : TensorSpace is a neural network 3D visualization framework built by TensorFlow.js, Three.js and Tween.js. TensorSpace provides Layer APIs to build deep learning layers, load pre-trained models, and generate a 3D visualization in the browser. By applying TensorSpace API, it is more intuitive to visualize and understand any pre-trained models built by TensorFlow, Keras, TensorFlow.js, etc.

    Tutorial

    enter image description here

  2. Netscope CNN Analyzer

enter image description here

  1. Monial

Interactive Notation for Computational Graphs https://mlajtos.github.io/moniel/

img

  1. Texample

Neural Network

\documentclass{article}

\usepackage{tikz}
\begin{document}
\pagestyle{empty}

\def\layersep{2.5cm}

\begin{tikzpicture}[shorten >=1pt,->,draw=black!50, node distance=\layersep]
    \tikzstyle{every pin edge}=[<-,shorten <=1pt]
    \tikzstyle{neuron}=[circle,fill=black!25,minimum size=17pt,inner sep=0pt]
    \tikzstyle{input neuron}=[neuron, fill=green!50];
    \tikzstyle{output neuron}=[neuron, fill=red!50];
    \tikzstyle{hidden neuron}=[neuron, fill=blue!50];
    \tikzstyle{annot} = [text width=4em, text centered]

    % Draw the input layer nodes
    \foreach \name / \y in {1,...,4}
    % This is the same as writing \foreach \name / \y in {1/1,2/2,3/3,4/4}
        \node[input neuron, pin=left:Input \#\y] (I-\name) at (0,-\y) {};

    % Draw the hidden layer nodes
    \foreach \name / \y in {1,...,5}
        \path[yshift=0.5cm]
            node[hidden neuron] (H-\name) at (\layersep,-\y cm) {};

    % Draw the output layer node
    \node[output neuron,pin={[pin edge={->}]right:Output}, right of=H-3] (O) {};

    % Connect every node in the input layer with every node in the
    % hidden layer.
    \foreach \source in {1,...,4}
        \foreach \dest in {1,...,5}
            \path (I-\source) edge (H-\dest);

    % Connect every node in the hidden layer with the output layer
    \foreach \source in {1,...,5}
        \path (H-\source) edge (O);

    % Annotate the layers
    \node[annot,above of=H-1, node distance=1cm] (hl) {Hidden layer};
    \node[annot,left of=hl] {Input layer};
    \node[annot,right of=hl] {Output layer};
\end{tikzpicture}
% End of code
\end{document}
  1. Quiver

gzqll3

References :

  1. https://datascience.stackexchange.com/questions/12851/how-do-you-visualize-neural-network-architectures

  2. https://datascience.stackexchange.com/questions/2670/visualizing-deep-neural-network-training

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].