SlideShare a Scribd company logo
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Agenda
What is Keras?
Contributors for Keras
Keras Models
Implementing a Neural Network
Use-Case
Summary
Copyright © 2017, edureka and/or its affiliates. All rights reserved.
What Is Keras?
Official high-level API of TensorFlow!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
What Is Keras?
Keras - Modular
• Building models is as simple
as stacking layers and
connecting graphs.
Open Source
• Actively developed by contributors across
the world!
• Good amount of documentation
Deep Learning Library
• High-level Neural Network API
• Runs on top of TensorFlow,
Theano or CNTK.
High Performance
• High performing API used to
specify and train differentiable
programs.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Who Makes Keras?
Who are the contributors and backers?
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Who Makes Keras?
4800+ Contributors
250,000
Keras developers
> 2x
Year-on-year growth
Start-ups
Good amount of traction
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Who Uses Keras?
Let’s check out the industry traction!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Industry Traction
And more..!
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
What Makes Keras Special?
Highlights from one of the top Deep Learning libraries!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
What Makes Keras Special?
Large adoption in the industry
Multi-backend, multi-platform
Focus on user experience
Research community4
Easy to grasp all concepts5
Fast prototyping6
Runs seamlessly on CPU and GPU7
Freedom to design any architecture8
Simple to get started9
Easy production of models10
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Keras User Experience
API Designed for Humans
• Keras follows best practices for
reducing cognitive load
• Offers consistent and simple APIs
Not Designed for Machines
• Minimizes number of user actions required
for common use cases
• Provides clear feedback upon user error
Easy to Learn & Easy to Use
• More productive
• Try more ideas than your competition
• Helps you win competitions
High Flexibility
• Keras integrates with lower-level
Deep Learning languages like
TensorFlow
• Implement anything which was
built in base language.
1
3
2
4
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Multi-Backend & Multi-Platform
01 02 03
Development
Develop in Python, R
Run the code with:
• TensorFlow
• CNTK
• Theano
• MXNet
• CPU
• NVIDIA GPU
• AMD GPU
• TPU
• Etc..
Producing Models
• TF-Serving
• GPU acceleration
(WebKeras, Keras.js)
• Android (TF, TF Lite)
• iOS (Native CoreML)
• Raspberry Pi
{code}
Run The Code
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Working Principle Of Keras
Let’s take a quick look at the basics of Keras’ backend
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Working Principle – Backend
• e = c*d where, “c = a+b” and “d = b+1”
• So, e = (a+b)*(b+1)
• Here “a” ,“b” are inputs
01
02
03
04
Expressing complex expressions as a
combination of simple operations
Useful for calculating derivatives
during backpropagation
Easier to implement distributed
computation
Just specify the inputs, outputs and
make sure the graph is connected
Computational Graphs
As easy as that!
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Keras Models
There are 2 major models that Keras offers!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Keras Models
Sequential Model
• Linear stack of layers
• Useful for building simple models
• Simple classification network
• Encoder – Decoder models
• The model we all know and love!
• Treat each layer as object that feeds into the next.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Keras Models
Functional Model
• Like playing with Lego bricks
• Good for 95% of use cases
Multi-input, multi-output and arbitrary static graph
topologies
Multi – input and Multi – output models
Complex models which forks into 2 or more
branches
Models with shared (Weights) layers
01
02
03
04
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Keras Models
Functional Model (Domain Adaption)
• Train on Domain A and Test on Domain B
• Results in poor performance on test set
• The data are from different domains
We will be looking at a very interesting use case
using the functional model in the upcoming slides
Solution: Adapt the model to both the domains
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Understanding Execution
There are 2 types of execution!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Execution – Two Types
Deferred (symbolic)
• We use Python to build a
computation graph first
• The compiled graph then
gets executed later
Eager ( imperative)
• Here, the Python runtime
is the execution runtime
• It is similar to execution
with Numpy
• Symbolic tensors don’t have a value in the Python code (yet)
• Eager tensors have a value in the Python code
• With eager execution, value-dependent dynamic topologies
(tree-RNNs) can be used.
On the whole
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Implementing a Neural Network
There are 5 major steps to implement our own Neural Network with Keras!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Implementing A Neural Network
1. Prepare Input
• Preparing the input and
specify the input dimension
(size)
• Images, videos, text and audio
2. Define the ANN Model
• Define the model architecture and
build the computational graph
• Sequential or Functional Style
• MLP, CNN, RNN 3. Optimizers
• Specify the optimizer and configure
the learning process
• SGD, RMSprop, Adam
5. Train and Evaluate Model
• Train the model based on the
training data
• Test the model on the dataset
with the testing data
4. Loss Function
• Specify the Inputs, Outputs of the
computational graph (model) and
the Loss function
• MSE, Cross Entropy, Hinge
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use-Case With Keras
Let’s check out an interesting Wine Classifier use-case!
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Problem Statement
“Predicting the price of wine with the Keras Functional API and TensorFlow”
Building a wide and deep network using Keras (tf.Keras)
to predict the price of wine from its description
Predict the price of a bottle of wine
just from its description and variety?
• This problem is well suited for wide & deep learning
• It involves text input and there isn’t any correlation
between a wine’s description and its price
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Model
A good use-case for the Functional API is implementing a
wide and deep network in Keras!
A lot of Keras models are built using the Sequential model API
BUT Let’s try to solve our use-case with the Functional API
The Sequential API is the best way to get started with Keras
Because it lets you easily define models as a stack of layers
The Functional API allows for more flexibility and is best
suited for models with multiple inputs or combined models
Wide models are models with
sparse feature vectors or
vectors with mostly zero values
Multi-layer deep networks
do well on tasks like image
or speech recognition
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Dataset
DATASET
Country1
2 Description
3 Designation
4 Points
5 Price
6 Region_1
Region_27
8 Taster Name
9
Taster Twitter
Handle
10 Title
Variety11
Winery12
The overall goal is to create a model that
can identify the variety, winery and
location of a wine based on a description
This dataset offers some great
opportunities for sentiment analysis
and other text related predictive models
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Sample
Description:
• Powerful vanilla scents rise from the glass, but the fruit, even in this difficult vintage, comes out
immediately.
• It’s tart and sharp, with a strong herbal component, and the wine snaps into focus quickly with fruit, acid,
tannin, herb and vanilla in equal proportion.
• Firm and tight, still quite young, this wine needs decanting and/or further bottle age to show its best.
Variety: Pinot Noir
Prediction:
Price — $45
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Prerequisites
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Prerequisites
Here are all the imports we’ll need to build this model!
Test presence of TensorFlow by printing the version
Download the data and convert it to a Pandas Data Frame
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Use Case – Let’s See Code!
Google Colaboratory
AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
Session In A Minute
What is Keras? Contributors Specialty of Keras
Implementing a Neural Network Use-Case ImplementationKeras Models
Copyright © 2018, edureka and/or its affiliates. All rights reserved.
Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In Python | Edureka

More Related Content

PDF
Keras: Deep Learning Library for Python
PPTX
Introduction to Keras
PDF
Introduction to Deep Learning, Keras, and TensorFlow
PDF
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
PDF
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
PDF
MIT Deep Learning Basics: Introduction and Overview by Lex Fridman
PDF
CIFAR-10
PPTX
Deep learning with tensorflow
Keras: Deep Learning Library for Python
Introduction to Keras
Introduction to Deep Learning, Keras, and TensorFlow
PyTorch Python Tutorial | Deep Learning Using PyTorch | Image Classifier Usin...
Introduction To TensorFlow | Deep Learning Using TensorFlow | TensorFlow Tuto...
MIT Deep Learning Basics: Introduction and Overview by Lex Fridman
CIFAR-10
Deep learning with tensorflow

What's hot (20)

PDF
TensorFlow and Keras: An Overview
PPTX
KERAS Python Tutorial
PDF
PPT4: Frameworks & Libraries of Machine Learning & Deep Learning
PDF
Introduction of Deep Learning
PPTX
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
PDF
TensorFlow
PDF
Neural networks and deep learning
PDF
Tensorflow presentation
PPTX
Introduction to tensorflow
PPTX
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
PDF
End to end Machine Learning using Kubeflow - Build, Train, Deploy and Manage
PDF
Deep learning for real life applications
PPTX
Deep learning with keras
PDF
Deep learning with Keras
PDF
Notes from Coursera Deep Learning courses by Andrew Ng
PDF
Introduction to TensorFlow 2.0
PDF
Neural Architecture Search: Learning How to Learn
PDF
Data science presentation
PPTX
1. Introduction to deep learning.pptx
PPTX
Deep learning
TensorFlow and Keras: An Overview
KERAS Python Tutorial
PPT4: Frameworks & Libraries of Machine Learning & Deep Learning
Introduction of Deep Learning
What is TensorFlow? | Introduction to TensorFlow | TensorFlow Tutorial For Be...
TensorFlow
Neural networks and deep learning
Tensorflow presentation
Introduction to tensorflow
TensorFlow Tutorial | Deep Learning With TensorFlow | TensorFlow Tutorial For...
End to end Machine Learning using Kubeflow - Build, Train, Deploy and Manage
Deep learning for real life applications
Deep learning with keras
Deep learning with Keras
Notes from Coursera Deep Learning courses by Andrew Ng
Introduction to TensorFlow 2.0
Neural Architecture Search: Learning How to Learn
Data science presentation
1. Introduction to deep learning.pptx
Deep learning
Ad

Similar to Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In Python | Edureka (20)

PDF
CI-Keras for deep learning by adrian.pdf
PPTX
Keras on tensorflow in R & Python
PDF
unit-iii-deep-learningunit-iii-deep-learning.pdf
PPTX
Keras: A versatile modeling layer for deep learning
PDF
dl-unit-3 materialdl-unit-3 material.pdf
PDF
Transfer Learning
PPTX
Demystifying-AI-Frameworks-TensorFlow-PyTorch-JAX-and-More (1).pptx
PPTX
Training course lect1
PDF
Introduction to Convolutional Neural Networks
PPTX
Final training course
PPTX
Deep Learning: Session 3 : How to succeed
PPTX
2 day Deep Learning Workshop at Karunya - Session 2
PDF
keras_tutorial.pdf
PDF
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
DOCX
DLT UNIT-3.docx
PDF
Creating a custom Machine Learning Model for your applications - Java Dev Day...
PDF
Deep-learning-for-computer-vision-applications-using-matlab.pdf
PPTX
python_libraries_for_artificial_intelligence.pptx
PPTX
Machine Learning Toolssssssssssssss.pptx
CI-Keras for deep learning by adrian.pdf
Keras on tensorflow in R & Python
unit-iii-deep-learningunit-iii-deep-learning.pdf
Keras: A versatile modeling layer for deep learning
dl-unit-3 materialdl-unit-3 material.pdf
Transfer Learning
Demystifying-AI-Frameworks-TensorFlow-PyTorch-JAX-and-More (1).pptx
Training course lect1
Introduction to Convolutional Neural Networks
Final training course
Deep Learning: Session 3 : How to succeed
2 day Deep Learning Workshop at Karunya - Session 2
keras_tutorial.pdf
A Tale of Three Deep Learning Frameworks: TensorFlow, Keras, & PyTorch with B...
DLT UNIT-3.docx
Creating a custom Machine Learning Model for your applications - Java Dev Day...
Deep-learning-for-computer-vision-applications-using-matlab.pdf
python_libraries_for_artificial_intelligence.pptx
Machine Learning Toolssssssssssssss.pptx
Ad

More from Edureka! (20)

PDF
What to learn during the 21 days Lockdown | Edureka
PDF
Top 10 Dying Programming Languages in 2020 | Edureka
PDF
Top 5 Trending Business Intelligence Tools | Edureka
PDF
Tableau Tutorial for Data Science | Edureka
PDF
Python Programming Tutorial | Edureka
PDF
Top 5 PMP Certifications | Edureka
PDF
Top Maven Interview Questions in 2020 | Edureka
PDF
Linux Mint Tutorial | Edureka
PDF
How to Deploy Java Web App in AWS| Edureka
PDF
Importance of Digital Marketing | Edureka
PDF
RPA in 2020 | Edureka
PDF
Email Notifications in Jenkins | Edureka
PDF
EA Algorithm in Machine Learning | Edureka
PDF
Cognitive AI Tutorial | Edureka
PDF
AWS Cloud Practitioner Tutorial | Edureka
PDF
Blue Prism Top Interview Questions | Edureka
PDF
Big Data on AWS Tutorial | Edureka
PDF
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
PDF
Kubernetes Installation on Ubuntu | Edureka
PDF
Introduction to DevOps | Edureka
What to learn during the 21 days Lockdown | Edureka
Top 10 Dying Programming Languages in 2020 | Edureka
Top 5 Trending Business Intelligence Tools | Edureka
Tableau Tutorial for Data Science | Edureka
Python Programming Tutorial | Edureka
Top 5 PMP Certifications | Edureka
Top Maven Interview Questions in 2020 | Edureka
Linux Mint Tutorial | Edureka
How to Deploy Java Web App in AWS| Edureka
Importance of Digital Marketing | Edureka
RPA in 2020 | Edureka
Email Notifications in Jenkins | Edureka
EA Algorithm in Machine Learning | Edureka
Cognitive AI Tutorial | Edureka
AWS Cloud Practitioner Tutorial | Edureka
Blue Prism Top Interview Questions | Edureka
Big Data on AWS Tutorial | Edureka
A star algorithm | A* Algorithm in Artificial Intelligence | Edureka
Kubernetes Installation on Ubuntu | Edureka
Introduction to DevOps | Edureka

Recently uploaded (20)

PPTX
A Presentation on Artificial Intelligence
PDF
Unlocking AI with Model Context Protocol (MCP)
PDF
NewMind AI Monthly Chronicles - July 2025
PDF
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
PPTX
Digital-Transformation-Roadmap-for-Companies.pptx
PDF
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
PPTX
Big Data Technologies - Introduction.pptx
PPTX
PA Analog/Digital System: The Backbone of Modern Surveillance and Communication
PPT
Teaching material agriculture food technology
PDF
Diabetes mellitus diagnosis method based random forest with bat algorithm
PDF
The Rise and Fall of 3GPP – Time for a Sabbatical?
PDF
Per capita expenditure prediction using model stacking based on satellite ima...
PDF
Building Integrated photovoltaic BIPV_UPV.pdf
PDF
Network Security Unit 5.pdf for BCA BBA.
PDF
Dropbox Q2 2025 Financial Results & Investor Presentation
PDF
Approach and Philosophy of On baking technology
PDF
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
PDF
Agricultural_Statistics_at_a_Glance_2022_0.pdf
PPTX
MYSQL Presentation for SQL database connectivity
PPTX
Understanding_Digital_Forensics_Presentation.pptx
A Presentation on Artificial Intelligence
Unlocking AI with Model Context Protocol (MCP)
NewMind AI Monthly Chronicles - July 2025
Peak of Data & AI Encore- AI for Metadata and Smarter Workflows
Digital-Transformation-Roadmap-for-Companies.pptx
TokAI - TikTok AI Agent : The First AI Application That Analyzes 10,000+ Vira...
Big Data Technologies - Introduction.pptx
PA Analog/Digital System: The Backbone of Modern Surveillance and Communication
Teaching material agriculture food technology
Diabetes mellitus diagnosis method based random forest with bat algorithm
The Rise and Fall of 3GPP – Time for a Sabbatical?
Per capita expenditure prediction using model stacking based on satellite ima...
Building Integrated photovoltaic BIPV_UPV.pdf
Network Security Unit 5.pdf for BCA BBA.
Dropbox Q2 2025 Financial Results & Investor Presentation
Approach and Philosophy of On baking technology
Build a system with the filesystem maintained by OSTree @ COSCUP 2025
Agricultural_Statistics_at_a_Glance_2022_0.pdf
MYSQL Presentation for SQL database connectivity
Understanding_Digital_Forensics_Presentation.pptx

Keras Tutorial For Beginners | Creating Deep Learning Models Using Keras In Python | Edureka

  • 1. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow
  • 2. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Agenda What is Keras? Contributors for Keras Keras Models Implementing a Neural Network Use-Case Summary
  • 3. Copyright © 2017, edureka and/or its affiliates. All rights reserved. What Is Keras? Official high-level API of TensorFlow! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 4. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow What Is Keras? Keras - Modular • Building models is as simple as stacking layers and connecting graphs. Open Source • Actively developed by contributors across the world! • Good amount of documentation Deep Learning Library • High-level Neural Network API • Runs on top of TensorFlow, Theano or CNTK. High Performance • High performing API used to specify and train differentiable programs.
  • 5. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Who Makes Keras? Who are the contributors and backers? Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 6. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Who Makes Keras? 4800+ Contributors 250,000 Keras developers > 2x Year-on-year growth Start-ups Good amount of traction
  • 7. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Who Uses Keras? Let’s check out the industry traction! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 8. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Industry Traction And more..!
  • 9. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow What Makes Keras Special? Highlights from one of the top Deep Learning libraries! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 10. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow What Makes Keras Special? Large adoption in the industry Multi-backend, multi-platform Focus on user experience Research community4 Easy to grasp all concepts5 Fast prototyping6 Runs seamlessly on CPU and GPU7 Freedom to design any architecture8 Simple to get started9 Easy production of models10
  • 11. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Keras User Experience API Designed for Humans • Keras follows best practices for reducing cognitive load • Offers consistent and simple APIs Not Designed for Machines • Minimizes number of user actions required for common use cases • Provides clear feedback upon user error Easy to Learn & Easy to Use • More productive • Try more ideas than your competition • Helps you win competitions High Flexibility • Keras integrates with lower-level Deep Learning languages like TensorFlow • Implement anything which was built in base language. 1 3 2 4
  • 12. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Multi-Backend & Multi-Platform 01 02 03 Development Develop in Python, R Run the code with: • TensorFlow • CNTK • Theano • MXNet • CPU • NVIDIA GPU • AMD GPU • TPU • Etc.. Producing Models • TF-Serving • GPU acceleration (WebKeras, Keras.js) • Android (TF, TF Lite) • iOS (Native CoreML) • Raspberry Pi {code} Run The Code
  • 13. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Working Principle Of Keras Let’s take a quick look at the basics of Keras’ backend Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 14. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Working Principle – Backend • e = c*d where, “c = a+b” and “d = b+1” • So, e = (a+b)*(b+1) • Here “a” ,“b” are inputs 01 02 03 04 Expressing complex expressions as a combination of simple operations Useful for calculating derivatives during backpropagation Easier to implement distributed computation Just specify the inputs, outputs and make sure the graph is connected Computational Graphs As easy as that!
  • 15. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Keras Models There are 2 major models that Keras offers! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 16. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Keras Models Sequential Model • Linear stack of layers • Useful for building simple models • Simple classification network • Encoder – Decoder models • The model we all know and love! • Treat each layer as object that feeds into the next.
  • 17. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Keras Models Functional Model • Like playing with Lego bricks • Good for 95% of use cases Multi-input, multi-output and arbitrary static graph topologies Multi – input and Multi – output models Complex models which forks into 2 or more branches Models with shared (Weights) layers 01 02 03 04
  • 18. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Keras Models Functional Model (Domain Adaption) • Train on Domain A and Test on Domain B • Results in poor performance on test set • The data are from different domains We will be looking at a very interesting use case using the functional model in the upcoming slides Solution: Adapt the model to both the domains
  • 19. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Understanding Execution There are 2 types of execution! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 20. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Execution – Two Types Deferred (symbolic) • We use Python to build a computation graph first • The compiled graph then gets executed later Eager ( imperative) • Here, the Python runtime is the execution runtime • It is similar to execution with Numpy • Symbolic tensors don’t have a value in the Python code (yet) • Eager tensors have a value in the Python code • With eager execution, value-dependent dynamic topologies (tree-RNNs) can be used. On the whole
  • 21. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Implementing a Neural Network There are 5 major steps to implement our own Neural Network with Keras! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 22. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Implementing A Neural Network 1. Prepare Input • Preparing the input and specify the input dimension (size) • Images, videos, text and audio 2. Define the ANN Model • Define the model architecture and build the computational graph • Sequential or Functional Style • MLP, CNN, RNN 3. Optimizers • Specify the optimizer and configure the learning process • SGD, RMSprop, Adam 5. Train and Evaluate Model • Train the model based on the training data • Test the model on the dataset with the testing data 4. Loss Function • Specify the Inputs, Outputs of the computational graph (model) and the Loss function • MSE, Cross Entropy, Hinge
  • 23. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use-Case With Keras Let’s check out an interesting Wine Classifier use-case! Copyright © 2018, edureka and/or its affiliates. All rights reserved.
  • 24. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Problem Statement “Predicting the price of wine with the Keras Functional API and TensorFlow” Building a wide and deep network using Keras (tf.Keras) to predict the price of wine from its description Predict the price of a bottle of wine just from its description and variety? • This problem is well suited for wide & deep learning • It involves text input and there isn’t any correlation between a wine’s description and its price
  • 25. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Model A good use-case for the Functional API is implementing a wide and deep network in Keras! A lot of Keras models are built using the Sequential model API BUT Let’s try to solve our use-case with the Functional API The Sequential API is the best way to get started with Keras Because it lets you easily define models as a stack of layers The Functional API allows for more flexibility and is best suited for models with multiple inputs or combined models Wide models are models with sparse feature vectors or vectors with mostly zero values Multi-layer deep networks do well on tasks like image or speech recognition
  • 26. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Dataset DATASET Country1 2 Description 3 Designation 4 Points 5 Price 6 Region_1 Region_27 8 Taster Name 9 Taster Twitter Handle 10 Title Variety11 Winery12 The overall goal is to create a model that can identify the variety, winery and location of a wine based on a description This dataset offers some great opportunities for sentiment analysis and other text related predictive models
  • 27. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Sample Description: • Powerful vanilla scents rise from the glass, but the fruit, even in this difficult vintage, comes out immediately. • It’s tart and sharp, with a strong herbal component, and the wine snaps into focus quickly with fruit, acid, tannin, herb and vanilla in equal proportion. • Firm and tight, still quite young, this wine needs decanting and/or further bottle age to show its best. Variety: Pinot Noir Prediction: Price — $45
  • 28. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Prerequisites
  • 29. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Prerequisites Here are all the imports we’ll need to build this model! Test presence of TensorFlow by printing the version Download the data and convert it to a Pandas Data Frame
  • 30. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Use Case – Let’s See Code! Google Colaboratory
  • 31. AI & Deep Learning Training www.edureka.co/ai-deep-learning-with-tensorflow Session In A Minute What is Keras? Contributors Specialty of Keras Implementing a Neural Network Use-Case ImplementationKeras Models
  • 32. Copyright © 2018, edureka and/or its affiliates. All rights reserved.