SlideShare a Scribd company logo
Distributed Deep Learning:
Methods and Resources
Sergey Nikolenko
Chief Research Officer, Neuromation
Researcher, Steklov Institute of Mathematics at St. Petersburg
September 23, 2017, AI Ukraine, Kharkiv
Maxim Prasolov
CEO, Neuromation
Outline
● Bird’s eye overview of deep learning
● SGD and how to parallelize it
● Data parallelism and model parallelism
● Neuromation: developing a worldwide marketplace
for knowledge mining
● 10 years ago machine learning underwent a deep learning revolution
● Neural networks are one of the oldest techniques in ML
● But since 2007-2008, we can train large and deep neural networks
(in part due to distributed computations)
● And now deep NNs yield state of the art results in many fields
What is a deep neural network
● A deep neural network is a huge
composition of simple functions
implemented by artificial neurons
● Usually linear combination
followed by nonlinearity, but can be
anything as long as you can take
derivatives
● These functions are combined into a
computational graph that computes
the loss function for the model
Backpropagation
● To train the model (learn the weights),
you take the gradient of the loss
function w.r.t. weights
● Gradients can be efficiently computed
with backpropagation
● And then you can do (stochastic)
gradient descent and all of its
wonderful modifications, from
Nesterov momentum to Adam
FEEDFORWARD NETWORKS CONVOLUTIONAL NETWORKS RECURRENT NETWORKS
Gradient descent is used for all kinds of neural networks
Distributed Deep Learning: The Problem
● One component of the DL revolution
was the use of GPUs
● GPUs are highly parallel (hundreds of cores)
and optimized for matrix computations
● Which is perfect for backprop (and fprop too)
● But what if your model does not fit on a GPU?
● Or what if you have multiple GPUs?
● Can we parallelize further?
What Can Be Parallel
● Model parallelism vs. data parallelism
● We will discuss both
● Data parallelism is much more common
● And you can unite the two:
[pictures from (Black, Kokorin, 2016)]
Examples of data parallelism
● Make every worker do its thing and
then average the results
● Parameter averaging: average w from all workers
○ but how often?
○ and what do we do with advanced SGD variants?
● Asynchronous SGD: average updates from workers
○ much more interesting without synchronization
○ but the stale gradient problem
● Hogwild (2011): very simple asynchronous SGD,
just read and write to shared memory, lock-free;
whatever happens, happens
Examples of data parallelism
● FireCaffe:
○ DP on a GPU cluster
○ communication through
reduction trees
Model parallelism
● In model parallelism, different weights are distributed
● Pictures from the DistBelief paper (Dean et al., 2012)
● Difference in communication:
○ DP: workers exchange weight updates
○ MP: workers exchange data updates
● DP in DistBelief: Downpour SGD
vs. Sandblaster L-BFGS
● Now, DistBelief has been
completely replaced by...
Distributed Learning in TensorFlow
● TensorFlow has both DP (right) and MP (bottom)
● Workers and parameter servers
● MP usually works as a pipeline between layers:
First specify the structure of the cluster: Then assign (parts of) computational graph
to workers and weights to parameter servers:
Example of Data Parallelism in TensorFlow
Interesting variations
● (Zhang et al., 2016) – staleness-aware SGD: add weights depending on
the time (staleness) to updates
● Elephas: distributed Keras that runs on Spark
● (Xie et al., 2015) – sufficient factor broadcasting:
represent and send only u and v
● (Zhang et al., 2017) – Poseidon: a new architecture with
wait-free backprop and hybrid communication
● Special mention: reinforcement learning; async RL is great!
● And standard (by now) DQN tricks are perfect for parallelization:
○ experience replay: store experience in replay memory
and serve them for learning
○ target Q-network is separate from the
Q-network which is learning now, updates are rare
Distributed reinforcement learning
Gorila from DeepMind: everything is parallel and asynchronous
Recap
● Data parallelism lets you process lots of data in parallel, copying the model
● Model parallelism lets you break down a large model into parts
● Distributed architectures are usually based on parameter servers and workers
● Especially in reinforcement learning, where distributed architectures rule
● And this all works out of the box in TensorFlow and other modern frameworks
● But how is it relevant to us? Isn’t that for the likes of Google and/or DeepMind?
● Where do we get the computational power and why do we need so much data?
Distributed deep learning works
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
Chris
NOT ENOUGH LABELED DATA
FOR NEURAL NETWORK
TRAINING
“BOTTLENECK” OF AUTOMATION
OF EVERY INDUSTRY:
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
IMAGE RECOGNITION IN RETAIL
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
170.000 OBJECTS
ABOUT 40 BLN IMAGES PER YEAR
TO AUTOMATE THE RETAIL INDUSTRY
MUST BE RECOGNIZED ON THE SHELVES
IMAGE RECOGNITION IN RETAIL BY ECR RESEARCH:
OSA HP CONTRACTED NEUROMATION TO PRODUCE
LABELED DATA AND TO RECOGNIZE
30% OF THE COST IS COMPUTATIONAL POWER.
MORE THAN 7 MLN EURO REVENUE
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
Chris
LABELED PHOTOS ARE REQUIRED
TO TRAIN IMAGE RECOGNITION MODELS
MORE THAN
1 BLN
WHERE CAN WE GET THIS HUGE AMOUNT OF LABELED DATA?
Chris
1 MAN = 8 HOURS x 50 IMAGES,
x $0.2 PER IMAGE
YEARS OF MECHANICAL WORK
1 BLN LABELED PHOTOS = $240 MLN
DATA LABELING
HAS BEEN MANUAL WORK TILL NOW
WE KNOW HOW TO GENERATE SYNTHETIC
LABELED DATA FOR DEEP LEARNING
● Labeled data with 100% accuracy
● Automated data generation with no limits
● Cheaper and faster than manual labor
SYNTHETIC DATA:
A BREAKTHROUGH IN
DEEP LEARNING
BUT REQUIRES HUGE COMPUTATIONAL POWER
TO RENDER DATA AND TRAIN NEURAL NETWORKS
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
BITCOIN OR ETHER
MINING
AMAZON DEEP
LEARNING
$7-8
per DAY
$3-4
per HOUR
The AI industry is ready to
pay miners for their
computational resources
more than they can ever get
from mining Ether.
KNOWLEDGE MINING IS MORE PROFITABLE.
DEEP LEARNING NEEDS YOUR COMPUTATION POWER!
WE CAN BRIDGE THIS GAP
GPU
x6
GPU
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
BLOCKCHAIN + DEEP LEARNING
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
NEUROMATION
PLATFORM
TokenAI
will combine in one place all the components
necessary to build deep learning solutions
with synthetic data
THE UNIVERSAL MARKETPLACE OF
NEURAL NETWORK DEVELOPMENT
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
● the network must be geographically distributed and keep track of
massive amounts of transactions
● the payment method for completed work should be highly liquid and
politically independent
● network nodes have to understand the model of “mining” a resource for a bounty:
transparency is required to build trust
● transactions need to be transparently auditable to prevent fraud and mitigate dispute
NEUROMATION PLATFORM will be extending Etherium with TokenAI.
Blockchain is the only technology that can realistically accomplish this.
Extending Ethereum instead of building our own blockchain is an obvious first step.
Neuromation needs to quickly deploy
a massive network of computation nodes (converted from crypto miners).
BITCOIN OR
ETHER MINING
AMAZON DEEP
LEARNING
$7-8 USD
per DAY
$3-4 USD
HOUR
DEEP LEARNING
RESEARCH GRANTS
● for R&D teams and start-up’s of DL/ML
industry
● In cooperation with frontier institutions
WE ARE OPEN FOR COOPERATION
partnerships@neuromation.io
● 1000 GPUs pool (+100,000GPU are
coming)
VAST APPLICATIONS OF SYNTHETIC DATA
NEUROMATION LABS:
RETAIL AUTOMATION
LAB
PHARMA AND
BIOTECH LAB
synthetic data for:
ENTERPRISE
AUTOMATION LAB
synthetic data for:
● +170 000+ items for the
Eastern European Retail
Market only
● about 50 euro per object
● contract for >7mln euro in
revenue
● medical imaging (classify
tumors and melanomas)
● health applications (smart
cameras)
● training flying drones,
self-driving cars, and
industrial robots in virtual
environments
● manufacturing and
supply-chain solutions
(live)
OUR TEAM:
Maxim Prasolov
CEO
Fedor Savchenko
CTO
Sergey Nikolenko
Chief Research Officer
Denis Popov
VP of Engineering
Constantine Goltsev
Investor / Chairman
Andrew Rabinovich
Adviser
Yuri Kundin
ICO Compliance
Adviser
Aleksey Spizhevoi
Researcher
Esther Katz
VP Communication
Kiryl Truskovskyi
Lead Researcher
OCTOBER 15th, 2017 Presale of TOKENAI starts
NOVEMBER, 2017 Public sale starts
UNKNOWN DATE Secret cap is reached, and token sale ends in 7 days
Jan 1st, 2018 Token sale ends (if secret cap is not reached)
ICO ROADMAP
● Tokens Minted: 1,000,000,000
● Issued in ICO: Up to 700,000,000
● Reserve: from 300,000,000
● Price per Token: 0.001 ETH
ICO DETAILS
Jurisdiction: Estonia, EU
* Neuromation is fully compliant with Estonian crowdfunding legislation
KNOWLEDGE MINING - A NEW ERA OF
DISTRIBUTED COMPUTING
THANK YOU!
neuromation.io

More Related Content

What's hot

Introduction to Graph neural networks @ Vienna Deep Learning meetup
Introduction to Graph neural networks @  Vienna Deep Learning meetupIntroduction to Graph neural networks @  Vienna Deep Learning meetup
Introduction to Graph neural networks @ Vienna Deep Learning meetup
Liad Magen
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
Yan Xu
 
Deep Learning Tutorial
Deep Learning Tutorial Deep Learning Tutorial
Deep Learning Tutorial
Ligeng Zhu
 
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Universitat Politècnica de Catalunya
 
Deep image generating models
Deep image generating modelsDeep image generating models
Deep image generating models
Luba Elliott
 
YOLACT
YOLACTYOLACT
VIBE: Video Inference for Human Body Pose and Shape Estimation
VIBE: Video Inference for Human Body Pose and Shape EstimationVIBE: Video Inference for Human Body Pose and Shape Estimation
VIBE: Video Inference for Human Body Pose and Shape Estimation
Arithmer Inc.
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
Noura Hussein
 
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Myungyon Kim
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applications
Sungjoon Choi
 
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Universitat Politècnica de Catalunya
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
Dmytro Mishkin
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network
신동 강
 
Efficient Neural Network Architecture for Image Classfication
Efficient Neural Network Architecture for Image ClassficationEfficient Neural Network Architecture for Image Classfication
Efficient Neural Network Architecture for Image Classfication
Yogendra Tamang
 
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
Virot "Ta" Chiraphadhanakul
 
Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
Anastasiia Kornilova
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Jia-Bin Huang
 
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
Universitat Politècnica de Catalunya
 
Recent progress on distributing deep learning
Recent progress on distributing deep learningRecent progress on distributing deep learning
Recent progress on distributing deep learning
Viet-Trung TRAN
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentation
Gioele Ciaparrone
 

What's hot (20)

Introduction to Graph neural networks @ Vienna Deep Learning meetup
Introduction to Graph neural networks @  Vienna Deep Learning meetupIntroduction to Graph neural networks @  Vienna Deep Learning meetup
Introduction to Graph neural networks @ Vienna Deep Learning meetup
 
HML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep LearningHML: Historical View and Trends of Deep Learning
HML: Historical View and Trends of Deep Learning
 
Deep Learning Tutorial
Deep Learning Tutorial Deep Learning Tutorial
Deep Learning Tutorial
 
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
Unsupervised Deep Learning (D2L1 Insight@DCU Machine Learning Workshop 2017)
 
Deep image generating models
Deep image generating modelsDeep image generating models
Deep image generating models
 
YOLACT
YOLACTYOLACT
YOLACT
 
VIBE: Video Inference for Human Body Pose and Shape Estimation
VIBE: Video Inference for Human Body Pose and Shape EstimationVIBE: Video Inference for Human Body Pose and Shape Estimation
VIBE: Video Inference for Human Body Pose and Shape Estimation
 
Image classification using CNN
Image classification using CNNImage classification using CNN
Image classification using CNN
 
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
Deep Learning and Tensorflow Implementation(딥러닝, 텐서플로우, 파이썬, CNN)_Myungyon Ki...
 
RNN and its applications
RNN and its applicationsRNN and its applications
RNN and its applications
 
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
Generative Models and Adversarial Training (D2L3 Insight@DCU Machine Learning...
 
CNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent AdvancesCNNs: from the Basics to Recent Advances
CNNs: from the Basics to Recent Advances
 
ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network ujava.org Deep Learning with Convolutional Neural Network
ujava.org Deep Learning with Convolutional Neural Network
 
Efficient Neural Network Architecture for Image Classfication
Efficient Neural Network Architecture for Image ClassficationEfficient Neural Network Architecture for Image Classfication
Efficient Neural Network Architecture for Image Classfication
 
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...Image Classification with Deep Learning  |  DevFest + GDay, George Town, Mala...
Image Classification with Deep Learning | DevFest + GDay, George Town, Mala...
 
Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
 
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015Lecture 29 Convolutional Neural Networks -  Computer Vision Spring2015
Lecture 29 Convolutional Neural Networks - Computer Vision Spring2015
 
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
The Perceptron (D1L1 Insight@DCU Machine Learning Workshop 2017)
 
Recent progress on distributing deep learning
Recent progress on distributing deep learningRecent progress on distributing deep learning
Recent progress on distributing deep learning
 
Modern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentationModern Convolutional Neural Network techniques for image segmentation
Modern Convolutional Neural Network techniques for image segmentation
 

Similar to Neuromation.io AI Ukraine Presentation

Computation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTKComputation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTK
A H M Forhadul Islam
 
Neural networks with python
Neural networks with pythonNeural networks with python
Neural networks with python
Tom Dierickx
 
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and PandasDistributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Databricks
 
General introduction to AI ML DL DS
General introduction to AI ML DL DSGeneral introduction to AI ML DL DS
General introduction to AI ML DL DS
Roopesh Kohad
 
L15.pptx
L15.pptxL15.pptx
L15.pptx
ImonBennett
 
KaoNet: Face Recognition and Generation App using Deep Learning
KaoNet: Face Recognition and Generation App using Deep LearningKaoNet: Face Recognition and Generation App using Deep Learning
KaoNet: Face Recognition and Generation App using Deep Learning
Van Huy
 
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Codemotion
 
Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
ijdms
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
Jen Aman
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
Affine Analytics
 
A few questions about large scale machine learning
A few questions about large scale machine learningA few questions about large scale machine learning
A few questions about large scale machine learning
Theodoros Vasiloudis
 
Entity embeddings for categorical data
Entity embeddings for categorical dataEntity embeddings for categorical data
Entity embeddings for categorical data
Paul Skeie
 
Testing for the deeplearning folks
Testing for the deeplearning folksTesting for the deeplearning folks
Testing for the deeplearning folks
Vishwas N
 
Persian MNIST in 5 Minutes
Persian MNIST in 5 MinutesPersian MNIST in 5 Minutes
Persian MNIST in 5 Minutes
Shahriar Yazdipour
 
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud MLScaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Seldon
 
AI hype or reality
AI  hype or realityAI  hype or reality
AI hype or reality
Awantik Das
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
MLconf
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
Subrat Panda, PhD
 
CSSC ML Workshop
CSSC ML WorkshopCSSC ML Workshop
CSSC ML Workshop
GDSC UofT Mississauga
 
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn..."Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
Edge AI and Vision Alliance
 

Similar to Neuromation.io AI Ukraine Presentation (20)

Computation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTKComputation graphs - Tensorflow & CNTK
Computation graphs - Tensorflow & CNTK
 
Neural networks with python
Neural networks with pythonNeural networks with python
Neural networks with python
 
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and PandasDistributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
Distributed Models Over Distributed Data with MLflow, Pyspark, and Pandas
 
General introduction to AI ML DL DS
General introduction to AI ML DL DSGeneral introduction to AI ML DL DS
General introduction to AI ML DL DS
 
L15.pptx
L15.pptxL15.pptx
L15.pptx
 
KaoNet: Face Recognition and Generation App using Deep Learning
KaoNet: Face Recognition and Generation App using Deep LearningKaoNet: Face Recognition and Generation App using Deep Learning
KaoNet: Face Recognition and Generation App using Deep Learning
 
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
Artificial Intelligence in practice - Gerbert Kaandorp - Codemotion Amsterdam...
 
Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
 
Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow Large Scale Deep Learning with TensorFlow
Large Scale Deep Learning with TensorFlow
 
Deep Learning Demystified
Deep Learning DemystifiedDeep Learning Demystified
Deep Learning Demystified
 
A few questions about large scale machine learning
A few questions about large scale machine learningA few questions about large scale machine learning
A few questions about large scale machine learning
 
Entity embeddings for categorical data
Entity embeddings for categorical dataEntity embeddings for categorical data
Entity embeddings for categorical data
 
Testing for the deeplearning folks
Testing for the deeplearning folksTesting for the deeplearning folks
Testing for the deeplearning folks
 
Persian MNIST in 5 Minutes
Persian MNIST in 5 MinutesPersian MNIST in 5 Minutes
Persian MNIST in 5 Minutes
 
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud MLScaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
Scaling TensorFlow Models for Training using multi-GPUs & Google Cloud ML
 
AI hype or reality
AI  hype or realityAI  hype or reality
AI hype or reality
 
Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016Kaz Sato, Evangelist, Google at MLconf ATL 2016
Kaz Sato, Evangelist, Google at MLconf ATL 2016
 
AI and Deep Learning
AI and Deep Learning AI and Deep Learning
AI and Deep Learning
 
CSSC ML Workshop
CSSC ML WorkshopCSSC ML Workshop
CSSC ML Workshop
 
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn..."Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
"Large-Scale Deep Learning for Building Intelligent Computer Systems," a Keyn...
 

Recently uploaded

“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
Edge AI and Vision Alliance
 
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
James Anderson
 
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
Neo4j
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Albert Hoitingh
 
Large Language Model (LLM) and it’s Geospatial Applications
Large Language Model (LLM) and it’s Geospatial ApplicationsLarge Language Model (LLM) and it’s Geospatial Applications
Large Language Model (LLM) and it’s Geospatial Applications
Rohit Gautam
 
Removing Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software FuzzingRemoving Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software Fuzzing
Aftab Hussain
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
Ana-Maria Mihalceanu
 
National Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practicesNational Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practices
Quotidiano Piemontese
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
Kari Kakkonen
 
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
SOFTTECHHUB
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
DianaGray10
 
GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...
GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...
GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...
Neo4j
 
20 Comprehensive Checklist of Designing and Developing a Website
20 Comprehensive Checklist of Designing and Developing a Website20 Comprehensive Checklist of Designing and Developing a Website
20 Comprehensive Checklist of Designing and Developing a Website
Pixlogix Infotech
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
DianaGray10
 
Full-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalizationFull-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalization
Zilliz
 
20240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 202420240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 2024
Matthew Sinclair
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
Kumud Singh
 
Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
mikeeftimakis1
 
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
名前 です男
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Paige Cruz
 

Recently uploaded (20)

“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
“Building and Scaling AI Applications with the Nx AI Manager,” a Presentation...
 
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
Alt. GDG Cloud Southlake #33: Boule & Rebala: Effective AppSec in SDLC using ...
 
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024GraphSummit Singapore | The Art of the  Possible with Graph - Q2 2024
GraphSummit Singapore | The Art of the Possible with Graph - Q2 2024
 
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
Encryption in Microsoft 365 - ExpertsLive Netherlands 2024
 
Large Language Model (LLM) and it’s Geospatial Applications
Large Language Model (LLM) and it’s Geospatial ApplicationsLarge Language Model (LLM) and it’s Geospatial Applications
Large Language Model (LLM) and it’s Geospatial Applications
 
Removing Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software FuzzingRemoving Uninteresting Bytes in Software Fuzzing
Removing Uninteresting Bytes in Software Fuzzing
 
Monitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR EventsMonitoring Java Application Security with JDK Tools and JFR Events
Monitoring Java Application Security with JDK Tools and JFR Events
 
National Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practicesNational Security Agency - NSA mobile device best practices
National Security Agency - NSA mobile device best practices
 
Climate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing DaysClimate Impact of Software Testing at Nordic Testing Days
Climate Impact of Software Testing at Nordic Testing Days
 
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
Goodbye Windows 11: Make Way for Nitrux Linux 3.5.0!
 
UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5UiPath Test Automation using UiPath Test Suite series, part 5
UiPath Test Automation using UiPath Test Suite series, part 5
 
GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...
GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...
GraphSummit Singapore | Enhancing Changi Airport Group's Passenger Experience...
 
20 Comprehensive Checklist of Designing and Developing a Website
20 Comprehensive Checklist of Designing and Developing a Website20 Comprehensive Checklist of Designing and Developing a Website
20 Comprehensive Checklist of Designing and Developing a Website
 
Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1Communications Mining Series - Zero to Hero - Session 1
Communications Mining Series - Zero to Hero - Session 1
 
Full-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalizationFull-RAG: A modern architecture for hyper-personalization
Full-RAG: A modern architecture for hyper-personalization
 
20240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 202420240605 QFM017 Machine Intelligence Reading List May 2024
20240605 QFM017 Machine Intelligence Reading List May 2024
 
Mind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AIMind map of terminologies used in context of Generative AI
Mind map of terminologies used in context of Generative AI
 
Introduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - CybersecurityIntroduction to CHERI technology - Cybersecurity
Introduction to CHERI technology - Cybersecurity
 
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
みなさんこんにちはこれ何文字まで入るの?40文字以下不可とか本当に意味わからないけどこれ限界文字数書いてないからマジでやばい文字数いけるんじゃないの?えこ...
 
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdfObservability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
Observability Concepts EVERY Developer Should Know -- DeveloperWeek Europe.pdf
 

Neuromation.io AI Ukraine Presentation

  • 1. Distributed Deep Learning: Methods and Resources Sergey Nikolenko Chief Research Officer, Neuromation Researcher, Steklov Institute of Mathematics at St. Petersburg September 23, 2017, AI Ukraine, Kharkiv Maxim Prasolov CEO, Neuromation
  • 2. Outline ● Bird’s eye overview of deep learning ● SGD and how to parallelize it ● Data parallelism and model parallelism ● Neuromation: developing a worldwide marketplace for knowledge mining
  • 3. ● 10 years ago machine learning underwent a deep learning revolution ● Neural networks are one of the oldest techniques in ML ● But since 2007-2008, we can train large and deep neural networks (in part due to distributed computations) ● And now deep NNs yield state of the art results in many fields
  • 4. What is a deep neural network ● A deep neural network is a huge composition of simple functions implemented by artificial neurons ● Usually linear combination followed by nonlinearity, but can be anything as long as you can take derivatives ● These functions are combined into a computational graph that computes the loss function for the model
  • 5. Backpropagation ● To train the model (learn the weights), you take the gradient of the loss function w.r.t. weights ● Gradients can be efficiently computed with backpropagation ● And then you can do (stochastic) gradient descent and all of its wonderful modifications, from Nesterov momentum to Adam
  • 6. FEEDFORWARD NETWORKS CONVOLUTIONAL NETWORKS RECURRENT NETWORKS Gradient descent is used for all kinds of neural networks
  • 7. Distributed Deep Learning: The Problem ● One component of the DL revolution was the use of GPUs ● GPUs are highly parallel (hundreds of cores) and optimized for matrix computations ● Which is perfect for backprop (and fprop too) ● But what if your model does not fit on a GPU? ● Or what if you have multiple GPUs? ● Can we parallelize further?
  • 8. What Can Be Parallel ● Model parallelism vs. data parallelism ● We will discuss both ● Data parallelism is much more common ● And you can unite the two: [pictures from (Black, Kokorin, 2016)]
  • 9. Examples of data parallelism ● Make every worker do its thing and then average the results ● Parameter averaging: average w from all workers ○ but how often? ○ and what do we do with advanced SGD variants? ● Asynchronous SGD: average updates from workers ○ much more interesting without synchronization ○ but the stale gradient problem ● Hogwild (2011): very simple asynchronous SGD, just read and write to shared memory, lock-free; whatever happens, happens
  • 10. Examples of data parallelism ● FireCaffe: ○ DP on a GPU cluster ○ communication through reduction trees
  • 11. Model parallelism ● In model parallelism, different weights are distributed ● Pictures from the DistBelief paper (Dean et al., 2012) ● Difference in communication: ○ DP: workers exchange weight updates ○ MP: workers exchange data updates ● DP in DistBelief: Downpour SGD vs. Sandblaster L-BFGS ● Now, DistBelief has been completely replaced by...
  • 12. Distributed Learning in TensorFlow ● TensorFlow has both DP (right) and MP (bottom) ● Workers and parameter servers ● MP usually works as a pipeline between layers:
  • 13. First specify the structure of the cluster: Then assign (parts of) computational graph to workers and weights to parameter servers: Example of Data Parallelism in TensorFlow
  • 14. Interesting variations ● (Zhang et al., 2016) – staleness-aware SGD: add weights depending on the time (staleness) to updates ● Elephas: distributed Keras that runs on Spark ● (Xie et al., 2015) – sufficient factor broadcasting: represent and send only u and v ● (Zhang et al., 2017) – Poseidon: a new architecture with wait-free backprop and hybrid communication
  • 15. ● Special mention: reinforcement learning; async RL is great! ● And standard (by now) DQN tricks are perfect for parallelization: ○ experience replay: store experience in replay memory and serve them for learning ○ target Q-network is separate from the Q-network which is learning now, updates are rare Distributed reinforcement learning
  • 16. Gorila from DeepMind: everything is parallel and asynchronous
  • 17. Recap ● Data parallelism lets you process lots of data in parallel, copying the model ● Model parallelism lets you break down a large model into parts ● Distributed architectures are usually based on parameter servers and workers ● Especially in reinforcement learning, where distributed architectures rule ● And this all works out of the box in TensorFlow and other modern frameworks ● But how is it relevant to us? Isn’t that for the likes of Google and/or DeepMind? ● Where do we get the computational power and why do we need so much data? Distributed deep learning works
  • 18. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR Chris NOT ENOUGH LABELED DATA FOR NEURAL NETWORK TRAINING “BOTTLENECK” OF AUTOMATION OF EVERY INDUSTRY:
  • 19. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR IMAGE RECOGNITION IN RETAIL
  • 20. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR 170.000 OBJECTS ABOUT 40 BLN IMAGES PER YEAR TO AUTOMATE THE RETAIL INDUSTRY MUST BE RECOGNIZED ON THE SHELVES IMAGE RECOGNITION IN RETAIL BY ECR RESEARCH: OSA HP CONTRACTED NEUROMATION TO PRODUCE LABELED DATA AND TO RECOGNIZE 30% OF THE COST IS COMPUTATIONAL POWER. MORE THAN 7 MLN EURO REVENUE
  • 21. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR Chris LABELED PHOTOS ARE REQUIRED TO TRAIN IMAGE RECOGNITION MODELS MORE THAN 1 BLN WHERE CAN WE GET THIS HUGE AMOUNT OF LABELED DATA?
  • 22. Chris 1 MAN = 8 HOURS x 50 IMAGES, x $0.2 PER IMAGE YEARS OF MECHANICAL WORK 1 BLN LABELED PHOTOS = $240 MLN DATA LABELING HAS BEEN MANUAL WORK TILL NOW
  • 23. WE KNOW HOW TO GENERATE SYNTHETIC LABELED DATA FOR DEEP LEARNING
  • 24. ● Labeled data with 100% accuracy ● Automated data generation with no limits ● Cheaper and faster than manual labor SYNTHETIC DATA: A BREAKTHROUGH IN DEEP LEARNING BUT REQUIRES HUGE COMPUTATIONAL POWER TO RENDER DATA AND TRAIN NEURAL NETWORKS
  • 25. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 per DAY $3-4 per HOUR The AI industry is ready to pay miners for their computational resources more than they can ever get from mining Ether. KNOWLEDGE MINING IS MORE PROFITABLE. DEEP LEARNING NEEDS YOUR COMPUTATION POWER! WE CAN BRIDGE THIS GAP GPU x6 GPU
  • 26. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR BLOCKCHAIN + DEEP LEARNING
  • 27. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR NEUROMATION PLATFORM TokenAI will combine in one place all the components necessary to build deep learning solutions with synthetic data THE UNIVERSAL MARKETPLACE OF NEURAL NETWORK DEVELOPMENT
  • 28. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR
  • 29. ● the network must be geographically distributed and keep track of massive amounts of transactions ● the payment method for completed work should be highly liquid and politically independent ● network nodes have to understand the model of “mining” a resource for a bounty: transparency is required to build trust ● transactions need to be transparently auditable to prevent fraud and mitigate dispute NEUROMATION PLATFORM will be extending Etherium with TokenAI. Blockchain is the only technology that can realistically accomplish this. Extending Ethereum instead of building our own blockchain is an obvious first step. Neuromation needs to quickly deploy a massive network of computation nodes (converted from crypto miners).
  • 30. BITCOIN OR ETHER MINING AMAZON DEEP LEARNING $7-8 USD per DAY $3-4 USD HOUR DEEP LEARNING RESEARCH GRANTS ● for R&D teams and start-up’s of DL/ML industry ● In cooperation with frontier institutions WE ARE OPEN FOR COOPERATION partnerships@neuromation.io ● 1000 GPUs pool (+100,000GPU are coming)
  • 31. VAST APPLICATIONS OF SYNTHETIC DATA NEUROMATION LABS: RETAIL AUTOMATION LAB PHARMA AND BIOTECH LAB synthetic data for: ENTERPRISE AUTOMATION LAB synthetic data for: ● +170 000+ items for the Eastern European Retail Market only ● about 50 euro per object ● contract for >7mln euro in revenue ● medical imaging (classify tumors and melanomas) ● health applications (smart cameras) ● training flying drones, self-driving cars, and industrial robots in virtual environments ● manufacturing and supply-chain solutions (live)
  • 32. OUR TEAM: Maxim Prasolov CEO Fedor Savchenko CTO Sergey Nikolenko Chief Research Officer Denis Popov VP of Engineering Constantine Goltsev Investor / Chairman Andrew Rabinovich Adviser Yuri Kundin ICO Compliance Adviser Aleksey Spizhevoi Researcher Esther Katz VP Communication Kiryl Truskovskyi Lead Researcher
  • 33. OCTOBER 15th, 2017 Presale of TOKENAI starts NOVEMBER, 2017 Public sale starts UNKNOWN DATE Secret cap is reached, and token sale ends in 7 days Jan 1st, 2018 Token sale ends (if secret cap is not reached) ICO ROADMAP
  • 34. ● Tokens Minted: 1,000,000,000 ● Issued in ICO: Up to 700,000,000 ● Reserve: from 300,000,000 ● Price per Token: 0.001 ETH ICO DETAILS Jurisdiction: Estonia, EU * Neuromation is fully compliant with Estonian crowdfunding legislation
  • 35. KNOWLEDGE MINING - A NEW ERA OF DISTRIBUTED COMPUTING THANK YOU! neuromation.io