SlideShare a Scribd company logo
Introduction to Neural Networks and Keras
Meetup - Big data - Montpellier
Jie He
TabMo
June 29, 2017
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 1 / 29
Investment trending of Artificial Intelligence (AI)
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 2 / 29
Deep Learning and Artificial Intelligence
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 3 / 29
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 4 / 29
Outline
1 Brief History
2 Information processing in DNNs
3 Implementation with Keras
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 5 / 29
Brief History How Deep Neural networks was developed
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 6 / 29
Brief History How Deep Neural networks was developed
1943 - Walter Pitts and Warren McCulloch proposed the first
mathematical model of a neural network.
1965 - Ivakhnenko and Lapa developed the earliest deep-learning-like
algorithms which had multiple layers. But the training process was
not optimized.
1970s - AI winter came as a result of reduced funding and interest
in AI research (which was due to the chain reaction of the AI hype).
1989 - Yann LeCun provided the first practical demonstration of
backpropagation at Bell Labs. He also combined convolutional
neural networks with backpropagation to read handwritten digits.
1985-90s - the second AI winter kicked in. Nevertheless, some
significant advances were made, e.g., support vector machine, long
short-term memory.
And now - AI regains its popularity. 62% of organizations will be
using AI Technologies by 2018, according to the survey from
Narrative Science.
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 7 / 29
Brief History Wide applications
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 8 / 29
Brief History Wide applications
Background
Availability of big data Increase of computational power
Improved algorithms/architectures
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 9 / 29
Brief History Wide applications
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 10 / 29
Information processing in DNNs Data representation
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 11 / 29
Information processing in DNNs Data representation
Three kinds of variables
Categorical variables
A finite number of categories or distinct groups. Categorical data might
not have a logical order. E.g., gender - male/female
Discrete variables
Numeric variables that have a countable number of values between any
two values. E.g., the number of children in a family - 3.
Continuous variables
Numeric variables that have an infinite number of values between any
two values. E.g., temperature - 25.9
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 12 / 29
Information processing in DNNs Data representation
Tensor representation of data
What is tensor?
Tensor is a general name of multidimensional array numeric data.
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 13 / 29
Information processing in DNNs Data transformation
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 14 / 29
Information processing in DNNs Data transformation
Problem definition
Binary classification
Table: Data examples
x1 x2 label
1.4 2.7 0
3.8 3.4 0
1.5 0.7 1
2.5 3.1 0
0.5 0.3 1
1.2 2.8 0
... ... ...
Demo on data transformation
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 15 / 29
Information processing in DNNs Data transformation
The magic behind the transformation
Perceptron
y = f ( xi wi )
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 16 / 29
Information processing in DNNs Data transformation
The magic behind the transformation
Perceptron
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 17 / 29
Information processing in DNNs Data transformation
The magic behind the transformation
Stack layers of perceptron cells
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 18 / 29
Information processing in DNNs How to train a DNN
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 19 / 29
Information processing in DNNs How to train a DNN
Training a DNN means finding the optimal weights
Forward Propagation and Back Propagation
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 20 / 29
Implementation with Keras Which platform and language to use
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 21 / 29
Implementation with Keras Which platform and language to use
Which platform and language to use
Low-level: Google’s Tensorflow, Microsoft’s CNTK, Apple’s core ML,
Amazon’s mxnet, and University of Montreal’s theano, PyTorch...
High-level: Keras, TFLearn, TensorLayer
About Keras
Keras is a model-level library, providing high-level building blocks for
developing deep learning models, and has plugged several different backend
engines:TensorFlow backend, Theano backend and CNTK backend.
If you’re a beginner and interested in quickly implementing your ideas
Python + Keras: Super fast implementation, good extensibility
If you want to do fundamental research in Deep Learning
Python + Tensorflow or PyTorch: Excellent extensibility
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 22 / 29
Implementation with Keras how to build a DNN model
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 23 / 29
Implementation with Keras how to build a DNN model
4 steps to apply a DNN model
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 24 / 29
Implementation with Keras Demo
Outline
1 Brief History
How Deep Neural networks was developed
Wide applications
2 Information processing in DNNs
Data representation
Data transformation
How to train a DNN
3 Implementation with Keras
Which platform and language to use
how to build a DNN model
Demo
Binary classification model
Decimal addition model
4 Summary
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 25 / 29
Implementation with Keras Demo
1 Binary classification model
Table: Synthetic data
f0 f1 f2 f3 f4 f5 f6 f7 f8 f9 label
0 16 41 3 95 45 8 19 56 95 40 0
1 26 79 51 85 55 40 35 7 54 70 1
2 17 79 48 14 17 37 3 84 66 22 0
3 85 42 12 70 51 9 51 51 0 37 0
4 88 28 61 22 80 52 10 74 7 27 1
... ... ...
Synthetic pattern
The label is 1 if:
f 0 > 67, f 1 < 32, f 2 mod 7 < 3, f 3 mod 30 > 12
Demo on Sublime
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 26 / 29
Implementation with Keras Demo
2 Decimal addition model
How to do decimal addition on computer? Like ?
Use a calculator, how simple that would be!
But... a Deep Neural Network can do that too,
and in a human-like manner!
Figure: Recurrent Neural Network (from here)
Demo on Sublime
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 27 / 29
Summary
Pros and cons about DNNs
Pros
No need for feature engineering
No limit for data volume
Fast training on huge data
Sustainability - incremental learning
Cons
Too many hyperparameters and variants
Easy to train a good model but difficult to get an excellent one
Black box - how the model works
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 28 / 29
Appendix
For Further Reading
Christopher Olah.
Neural Networks, Manifolds, and Topology
Jason Brownlee.
Time Series Prediction with LSTM Recurrent Neural Networks in
Python with Keras
Andrew Trask.
A Neural Network in 11 lines of Python
Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 29 / 29

More Related Content

What's hot

Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16
Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16
Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16
MLconf
 
Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15
Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15
Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15
MLconf
 
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
MLconf
 
Daniel Shank, Data Scientist, Talla at MLconf SF 2016
Daniel Shank, Data Scientist, Talla at MLconf SF 2016Daniel Shank, Data Scientist, Talla at MLconf SF 2016
Daniel Shank, Data Scientist, Talla at MLconf SF 2016
MLconf
 
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
MLconf
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Spark Summit
 
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
MLconf
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
Spotle.ai
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
S N
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep Learning
Brodmann17
 
Distributed implementation of a lstm on spark and tensorflow
Distributed implementation of a lstm on spark and tensorflowDistributed implementation of a lstm on spark and tensorflow
Distributed implementation of a lstm on spark and tensorflow
Emanuel Di Nardo
 
Deep learning with Tensorflow in R
Deep learning with Tensorflow in RDeep learning with Tensorflow in R
Deep learning with Tensorflow in R
mikaelhuss
 
TensorFlow in 3 sentences
TensorFlow in 3 sentencesTensorFlow in 3 sentences
TensorFlow in 3 sentences
Barbara Fusinska
 
Hands-on Deep Learning in Python
Hands-on Deep Learning in PythonHands-on Deep Learning in Python
Hands-on Deep Learning in Python
Imry Kissos
 
Neural networks and google tensor flow
Neural networks and google tensor flowNeural networks and google tensor flow
Neural networks and google tensor flow
Shannon McCormick
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
Charmi Chokshi
 
Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...
Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...
Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...
MLconf
 
MLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkMLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott Clark
SigOpt
 
TechEvent Machine Learning
TechEvent Machine LearningTechEvent Machine Learning
TechEvent Machine Learning
Trivadis
 
LSTM Tutorial
LSTM TutorialLSTM Tutorial
LSTM Tutorial
Ralph Schlosser
 

What's hot (20)

Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16
Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16
Dr. Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf SEA - 5/20/16
 
Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15
Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15
Melanie Warrick, Deep Learning Engineer, Skymind.io at MLconf SF - 11/13/15
 
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
Erin LeDell, Machine Learning Scientist, H2O.ai at MLconf ATL 2016
 
Daniel Shank, Data Scientist, Talla at MLconf SF 2016
Daniel Shank, Data Scientist, Talla at MLconf SF 2016Daniel Shank, Data Scientist, Talla at MLconf SF 2016
Daniel Shank, Data Scientist, Talla at MLconf SF 2016
 
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
Hussein Mehanna, Engineering Director, ML Core - Facebook at MLconf ATL 2016
 
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves MabialaDeep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
Deep Recurrent Neural Networks for Sequence Learning in Spark by Yves Mabiala
 
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
Josh Patterson, Advisor, Skymind – Deep learning for Industry at MLconf ATL 2016
 
Introduction To TensorFlow
Introduction To TensorFlowIntroduction To TensorFlow
Introduction To TensorFlow
 
Language translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlowLanguage translation with Deep Learning (RNN) with TensorFlow
Language translation with Deep Learning (RNN) with TensorFlow
 
DLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep LearningDLD meetup 2017, Efficient Deep Learning
DLD meetup 2017, Efficient Deep Learning
 
Distributed implementation of a lstm on spark and tensorflow
Distributed implementation of a lstm on spark and tensorflowDistributed implementation of a lstm on spark and tensorflow
Distributed implementation of a lstm on spark and tensorflow
 
Deep learning with Tensorflow in R
Deep learning with Tensorflow in RDeep learning with Tensorflow in R
Deep learning with Tensorflow in R
 
TensorFlow in 3 sentences
TensorFlow in 3 sentencesTensorFlow in 3 sentences
TensorFlow in 3 sentences
 
Hands-on Deep Learning in Python
Hands-on Deep Learning in PythonHands-on Deep Learning in Python
Hands-on Deep Learning in Python
 
Neural networks and google tensor flow
Neural networks and google tensor flowNeural networks and google tensor flow
Neural networks and google tensor flow
 
Deep learning with tensorflow
Deep learning with tensorflowDeep learning with tensorflow
Deep learning with tensorflow
 
Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...
Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...
Avi Pfeffer, Principal Scientist, Charles River Analytics at MLconf SEA - 5/2...
 
MLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott ClarkMLConf 2016 SigOpt Talk by Scott Clark
MLConf 2016 SigOpt Talk by Scott Clark
 
TechEvent Machine Learning
TechEvent Machine LearningTechEvent Machine Learning
TechEvent Machine Learning
 
LSTM Tutorial
LSTM TutorialLSTM Tutorial
LSTM Tutorial
 

Similar to Introduction to neural networks and Keras

Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
ijdms
 
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELSSENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
IJDKP
 
Deep learning: challenges and applications
Deep learning: challenges and  applicationsDeep learning: challenges and  applications
Deep learning: challenges and applications
Aboul Ella Hassanien
 
Current clustering techniques
Current clustering techniquesCurrent clustering techniques
Current clustering techniques
Poonam Kshirsagar
 
Using TensorFlow for Machine Learning
Using TensorFlow for Machine LearningUsing TensorFlow for Machine Learning
Using TensorFlow for Machine Learning
Justin Brandenburg
 
ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA
 ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA
ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA
Nexgen Technology
 
Beginner's Guide to Diffusion Models..pptx
Beginner's Guide to Diffusion Models..pptxBeginner's Guide to Diffusion Models..pptx
Beginner's Guide to Diffusion Models..pptx
Ishaq Khan
 
Big data cloud-based recommendation system using NLP techniques with machine ...
Big data cloud-based recommendation system using NLP techniques with machine ...Big data cloud-based recommendation system using NLP techniques with machine ...
Big data cloud-based recommendation system using NLP techniques with machine ...
TELKOMNIKA JOURNAL
 
Austin,TX Meetup presentation tensorflow final oct 26 2017
Austin,TX Meetup presentation tensorflow final oct 26 2017Austin,TX Meetup presentation tensorflow final oct 26 2017
Austin,TX Meetup presentation tensorflow final oct 26 2017
Clarisse Hedglin
 
Literature Review
Literature ReviewLiterature Review
Literature Review
Sandeep Karthikeyan
 
Assessing data dissemination strategies
Assessing data dissemination strategiesAssessing data dissemination strategies
Assessing data dissemination strategies
Open University, KMi
 
TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform
Seldon
 
AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...
AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...
AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...
Nexgen Technology
 
Harvard poster
Harvard posterHarvard poster
Harvard poster
Alysson Almeida
 
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
 
Keras: A versatile modeling layer for deep learning
Keras: A versatile modeling layer for deep learningKeras: A versatile modeling layer for deep learning
Keras: A versatile modeling layer for deep learning
Dr. Ananth Krishnamoorthy
 
Module 04 Content· As a continuation to examining your policies, r
Module 04 Content· As a continuation to examining your policies, rModule 04 Content· As a continuation to examining your policies, r
Module 04 Content· As a continuation to examining your policies, r
IlonaThornburg83
 
AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...
AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...
AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...
Dr. Haxel Consult
 
Performance Improvement of Heterogeneous Hadoop Cluster using Ranking Algorithm
Performance Improvement of Heterogeneous Hadoop Cluster using Ranking AlgorithmPerformance Improvement of Heterogeneous Hadoop Cluster using Ranking Algorithm
Performance Improvement of Heterogeneous Hadoop Cluster using Ranking Algorithm
IRJET Journal
 
Multi-threaded approach in generating frequent itemset of Apriori algorithm b...
Multi-threaded approach in generating frequent itemset of Apriori algorithm b...Multi-threaded approach in generating frequent itemset of Apriori algorithm b...
Multi-threaded approach in generating frequent itemset of Apriori algorithm b...
TELKOMNIKA JOURNAL
 

Similar to Introduction to neural networks and Keras (20)

Performance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and MindsporePerformance Comparison between Pytorch and Mindspore
Performance Comparison between Pytorch and Mindspore
 
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELSSENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
SENTIMENT ANALYSIS FOR MOVIES REVIEWS DATASET USING DEEP LEARNING MODELS
 
Deep learning: challenges and applications
Deep learning: challenges and  applicationsDeep learning: challenges and  applications
Deep learning: challenges and applications
 
Current clustering techniques
Current clustering techniquesCurrent clustering techniques
Current clustering techniques
 
Using TensorFlow for Machine Learning
Using TensorFlow for Machine LearningUsing TensorFlow for Machine Learning
Using TensorFlow for Machine Learning
 
ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA
 ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA
ON DISTRIBUTED FUZZY DECISION TREES FOR BIG DATA
 
Beginner's Guide to Diffusion Models..pptx
Beginner's Guide to Diffusion Models..pptxBeginner's Guide to Diffusion Models..pptx
Beginner's Guide to Diffusion Models..pptx
 
Big data cloud-based recommendation system using NLP techniques with machine ...
Big data cloud-based recommendation system using NLP techniques with machine ...Big data cloud-based recommendation system using NLP techniques with machine ...
Big data cloud-based recommendation system using NLP techniques with machine ...
 
Austin,TX Meetup presentation tensorflow final oct 26 2017
Austin,TX Meetup presentation tensorflow final oct 26 2017Austin,TX Meetup presentation tensorflow final oct 26 2017
Austin,TX Meetup presentation tensorflow final oct 26 2017
 
Literature Review
Literature ReviewLiterature Review
Literature Review
 
Assessing data dissemination strategies
Assessing data dissemination strategiesAssessing data dissemination strategies
Assessing data dissemination strategies
 
TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform TensorFlow 16: Building a Data Science Platform
TensorFlow 16: Building a Data Science Platform
 
AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...
AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...
AN INFORMATION THEORY-BASED FEATURE SELECTIONFRAMEWORK FOR BIG DATA UNDER APA...
 
Harvard poster
Harvard posterHarvard poster
Harvard poster
 
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
 
Keras: A versatile modeling layer for deep learning
Keras: A versatile modeling layer for deep learningKeras: A versatile modeling layer for deep learning
Keras: A versatile modeling layer for deep learning
 
Module 04 Content· As a continuation to examining your policies, r
Module 04 Content· As a continuation to examining your policies, rModule 04 Content· As a continuation to examining your policies, r
Module 04 Content· As a continuation to examining your policies, r
 
AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...
AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...
AI-SDV 2022: Accommodating the Deep Learning Revolution by a Development Proc...
 
Performance Improvement of Heterogeneous Hadoop Cluster using Ranking Algorithm
Performance Improvement of Heterogeneous Hadoop Cluster using Ranking AlgorithmPerformance Improvement of Heterogeneous Hadoop Cluster using Ranking Algorithm
Performance Improvement of Heterogeneous Hadoop Cluster using Ranking Algorithm
 
Multi-threaded approach in generating frequent itemset of Apriori algorithm b...
Multi-threaded approach in generating frequent itemset of Apriori algorithm b...Multi-threaded approach in generating frequent itemset of Apriori algorithm b...
Multi-threaded approach in generating frequent itemset of Apriori algorithm b...
 

Recently uploaded

社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .
NABLAS株式会社
 
一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理
一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理
一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理
actyx
 
一比一原版卡尔加里大学毕业证(uc毕业证)如何办理
一比一原版卡尔加里大学毕业证(uc毕业证)如何办理一比一原版卡尔加里大学毕业证(uc毕业证)如何办理
一比一原版卡尔加里大学毕业证(uc毕业证)如何办理
oaxefes
 
Drownings spike from May to August in children
Drownings spike from May to August in childrenDrownings spike from May to August in children
Drownings spike from May to August in children
Bisnar Chase Personal Injury Attorneys
 
Cell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docxCell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docx
vasanthatpuram
 
原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样
原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样
原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样
ihavuls
 
End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024
Lars Albertsson
 
一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理
zsafxbf
 
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
mkkikqvo
 
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptxREUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
KiriakiENikolaidou
 
DSSML24_tspann_CodelessGenerativeAIPipelines
DSSML24_tspann_CodelessGenerativeAIPipelinesDSSML24_tspann_CodelessGenerativeAIPipelines
DSSML24_tspann_CodelessGenerativeAIPipelines
Timothy Spann
 
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
ywqeos
 
一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理
一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理
一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理
osoyvvf
 
Build applications with generative AI on Google Cloud
Build applications with generative AI on Google CloudBuild applications with generative AI on Google Cloud
Build applications with generative AI on Google Cloud
Márton Kodok
 
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging DataPredictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
Kiwi Creative
 
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
Vietnam Cotton & Spinning Association
 
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
z6osjkqvd
 
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
asyed10
 
一比一原版悉尼大学毕业证如何办理
一比一原版悉尼大学毕业证如何办理一比一原版悉尼大学毕业证如何办理
一比一原版悉尼大学毕业证如何办理
keesa2
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
SaffaIbrahim1
 

Recently uploaded (20)

社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .社内勉強会資料_Hallucination of LLMs               .
社内勉強会資料_Hallucination of LLMs               .
 
一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理
一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理
一比一原版斯威本理工大学毕业证(swinburne毕业证)如何办理
 
一比一原版卡尔加里大学毕业证(uc毕业证)如何办理
一比一原版卡尔加里大学毕业证(uc毕业证)如何办理一比一原版卡尔加里大学毕业证(uc毕业证)如何办理
一比一原版卡尔加里大学毕业证(uc毕业证)如何办理
 
Drownings spike from May to August in children
Drownings spike from May to August in childrenDrownings spike from May to August in children
Drownings spike from May to August in children
 
Cell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docxCell The Unit of Life for NEET Multiple Choice Questions.docx
Cell The Unit of Life for NEET Multiple Choice Questions.docx
 
原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样
原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样
原版制作(unimelb毕业证书)墨尔本大学毕业证Offer一模一样
 
End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024End-to-end pipeline agility - Berlin Buzzwords 2024
End-to-end pipeline agility - Berlin Buzzwords 2024
 
一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理一比一原版莱斯大学毕业证(rice毕业证)如何办理
一比一原版莱斯大学毕业证(rice毕业证)如何办理
 
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
原版一比一多伦多大学毕业证(UofT毕业证书)如何办理
 
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptxREUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
REUSE-SCHOOL-DATA-INTEGRATED-SYSTEMS.pptx
 
DSSML24_tspann_CodelessGenerativeAIPipelines
DSSML24_tspann_CodelessGenerativeAIPipelinesDSSML24_tspann_CodelessGenerativeAIPipelines
DSSML24_tspann_CodelessGenerativeAIPipelines
 
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
一比一原版(lbs毕业证书)伦敦商学院毕业证如何办理
 
一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理
一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理
一比一原版(uom毕业证书)曼彻斯特大学毕业证如何办理
 
Build applications with generative AI on Google Cloud
Build applications with generative AI on Google CloudBuild applications with generative AI on Google Cloud
Build applications with generative AI on Google Cloud
 
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging DataPredictably Improve Your B2B Tech Company's Performance by Leveraging Data
Predictably Improve Your B2B Tech Company's Performance by Leveraging Data
 
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
[VCOSA] Monthly Report - Cotton & Yarn Statistics March 2024
 
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
一比一原版英属哥伦比亚大学毕业证(UBC毕业证书)学历如何办理
 
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
一比一原版美国帕森斯设计学院毕业证(parsons毕业证书)如何办理
 
一比一原版悉尼大学毕业证如何办理
一比一原版悉尼大学毕业证如何办理一比一原版悉尼大学毕业证如何办理
一比一原版悉尼大学毕业证如何办理
 
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docxDATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
DATA COMMS-NETWORKS YR2 lecture 08 NAT & CLOUD.docx
 

Introduction to neural networks and Keras

  • 1. Introduction to Neural Networks and Keras Meetup - Big data - Montpellier Jie He TabMo June 29, 2017 Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 1 / 29
  • 2. Investment trending of Artificial Intelligence (AI) Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 2 / 29
  • 3. Deep Learning and Artificial Intelligence Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 3 / 29
  • 4. Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 4 / 29
  • 5. Outline 1 Brief History 2 Information processing in DNNs 3 Implementation with Keras 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 5 / 29
  • 6. Brief History How Deep Neural networks was developed Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 6 / 29
  • 7. Brief History How Deep Neural networks was developed 1943 - Walter Pitts and Warren McCulloch proposed the first mathematical model of a neural network. 1965 - Ivakhnenko and Lapa developed the earliest deep-learning-like algorithms which had multiple layers. But the training process was not optimized. 1970s - AI winter came as a result of reduced funding and interest in AI research (which was due to the chain reaction of the AI hype). 1989 - Yann LeCun provided the first practical demonstration of backpropagation at Bell Labs. He also combined convolutional neural networks with backpropagation to read handwritten digits. 1985-90s - the second AI winter kicked in. Nevertheless, some significant advances were made, e.g., support vector machine, long short-term memory. And now - AI regains its popularity. 62% of organizations will be using AI Technologies by 2018, according to the survey from Narrative Science. Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 7 / 29
  • 8. Brief History Wide applications Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 8 / 29
  • 9. Brief History Wide applications Background Availability of big data Increase of computational power Improved algorithms/architectures Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 9 / 29
  • 10. Brief History Wide applications Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 10 / 29
  • 11. Information processing in DNNs Data representation Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 11 / 29
  • 12. Information processing in DNNs Data representation Three kinds of variables Categorical variables A finite number of categories or distinct groups. Categorical data might not have a logical order. E.g., gender - male/female Discrete variables Numeric variables that have a countable number of values between any two values. E.g., the number of children in a family - 3. Continuous variables Numeric variables that have an infinite number of values between any two values. E.g., temperature - 25.9 Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 12 / 29
  • 13. Information processing in DNNs Data representation Tensor representation of data What is tensor? Tensor is a general name of multidimensional array numeric data. Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 13 / 29
  • 14. Information processing in DNNs Data transformation Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 14 / 29
  • 15. Information processing in DNNs Data transformation Problem definition Binary classification Table: Data examples x1 x2 label 1.4 2.7 0 3.8 3.4 0 1.5 0.7 1 2.5 3.1 0 0.5 0.3 1 1.2 2.8 0 ... ... ... Demo on data transformation Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 15 / 29
  • 16. Information processing in DNNs Data transformation The magic behind the transformation Perceptron y = f ( xi wi ) Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 16 / 29
  • 17. Information processing in DNNs Data transformation The magic behind the transformation Perceptron Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 17 / 29
  • 18. Information processing in DNNs Data transformation The magic behind the transformation Stack layers of perceptron cells Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 18 / 29
  • 19. Information processing in DNNs How to train a DNN Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 19 / 29
  • 20. Information processing in DNNs How to train a DNN Training a DNN means finding the optimal weights Forward Propagation and Back Propagation Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 20 / 29
  • 21. Implementation with Keras Which platform and language to use Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 21 / 29
  • 22. Implementation with Keras Which platform and language to use Which platform and language to use Low-level: Google’s Tensorflow, Microsoft’s CNTK, Apple’s core ML, Amazon’s mxnet, and University of Montreal’s theano, PyTorch... High-level: Keras, TFLearn, TensorLayer About Keras Keras is a model-level library, providing high-level building blocks for developing deep learning models, and has plugged several different backend engines:TensorFlow backend, Theano backend and CNTK backend. If you’re a beginner and interested in quickly implementing your ideas Python + Keras: Super fast implementation, good extensibility If you want to do fundamental research in Deep Learning Python + Tensorflow or PyTorch: Excellent extensibility Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 22 / 29
  • 23. Implementation with Keras how to build a DNN model Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 23 / 29
  • 24. Implementation with Keras how to build a DNN model 4 steps to apply a DNN model Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 24 / 29
  • 25. Implementation with Keras Demo Outline 1 Brief History How Deep Neural networks was developed Wide applications 2 Information processing in DNNs Data representation Data transformation How to train a DNN 3 Implementation with Keras Which platform and language to use how to build a DNN model Demo Binary classification model Decimal addition model 4 Summary Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 25 / 29
  • 26. Implementation with Keras Demo 1 Binary classification model Table: Synthetic data f0 f1 f2 f3 f4 f5 f6 f7 f8 f9 label 0 16 41 3 95 45 8 19 56 95 40 0 1 26 79 51 85 55 40 35 7 54 70 1 2 17 79 48 14 17 37 3 84 66 22 0 3 85 42 12 70 51 9 51 51 0 37 0 4 88 28 61 22 80 52 10 74 7 27 1 ... ... ... Synthetic pattern The label is 1 if: f 0 > 67, f 1 < 32, f 2 mod 7 < 3, f 3 mod 30 > 12 Demo on Sublime Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 26 / 29
  • 27. Implementation with Keras Demo 2 Decimal addition model How to do decimal addition on computer? Like ? Use a calculator, how simple that would be! But... a Deep Neural Network can do that too, and in a human-like manner! Figure: Recurrent Neural Network (from here) Demo on Sublime Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 27 / 29
  • 28. Summary Pros and cons about DNNs Pros No need for feature engineering No limit for data volume Fast training on huge data Sustainability - incremental learning Cons Too many hyperparameters and variants Easy to train a good model but difficult to get an excellent one Black box - how the model works Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 28 / 29
  • 29. Appendix For Further Reading Christopher Olah. Neural Networks, Manifolds, and Topology Jason Brownlee. Time Series Prediction with LSTM Recurrent Neural Networks in Python with Keras Andrew Trask. A Neural Network in 11 lines of Python Jie He (TabMo) Introduction to Neural Networks and Keras June 29, 2017 29 / 29