SlideShare a Scribd company logo
1 of 54
GDSC EPITA
Introduction to Deep Learning
Workshop
Philippe Bouchet
EPITA SANTE 2023
Presentation ~ 30 min
Workshop ~ 1h30
Summary
● Who am I?
● What is AI?
● Deep learning in the real world
● But how does it work?
● QnA
This is NOT an advanced deep learning course.
This is a workshop for budding AI and DL
enthusiasts. No maths! ;)
Who am I?
● Philippe Bouchet
● EPITA Majeure SANTE 2023, Healthcare Major
● We specialize in:
○ AI and image processing for healthcare
○ Tech solutions for medical problems
■ Brain tumor detection
■ Segmentation of gray/white matter
○ Bridging the gap between developers and doctors
What is AI?
What is AI?
● What’s the difference between AI, ML and DL?
● Artificial Intelligence
○ NPCs in video games
○ Minimax algorithm
○ A* path search algorithm
What is AI?
What is AI?
A* pathfinding algorithm
Minimax algorithm
● Artificial Intelligence
● Machine Learning
○ Using data to improve a statistical model’s accuracy
○ Supervised learning (labeled data)
○ Classification, regression
What is AI?
What is AI?
X y
1 10
2 20
3 30
What is AI?
How do we estimate the
value of the new data?
X y
1 10
2 20
3 30
4 ?
What is AI?
How do we estimate the
value of the new data?
f(x) = 10 * x
X y
1 10
2 20
3 30
4 40
What is AI?
Linear regression example
● n_samples = 200
● n_features = 1
● We have a dataset that maps X to y
● Goal: Function f that best fits the data
● f(x) = ax + b, what is a and what is b?
What is AI?
Linear regression example
● n_samples = 200
● n_features = 1
● We have a dataset that maps x to y
● Function f that best fits the data?
f(x) = 35.59x + 2.227
● Artificial Intelligence
● Machine Learning
● Deep Learning
○ Deep learning because we use deep neural networks
○ NLP
○ Image segmentation
What is AI?
What is AI?
● What is a neural network?
What is AI?
● What is a neural network?
What is AI?
● What is a neural network?
○ Input layer
○ Hidden layer
○ Output layer
What is AI?
● What is a neural network?
○ Input layer
○ Hidden layer
○ Output layer
● Parameters
○ Weights
○ Biases
○ Linear operations
What is AI?
● What is a neural network?
○ Input layer
○ Hidden layer
○ Output layer
● Parameters
○ Weights
○ Biases
○ Linear operations
● Useful for simple tasks in ML
○ Classification
○ Regression
What is AI?
● Limitations
○ Only linear activations
○ 2 dimensions in this example
○ What about 784 dimension?
What is AI?
Add more hidden layers!
● Deep Neural Network
○ Non linear models
○ Time consuming computation
○ More capacity to learn
https://en.wikipedia.org/wiki/Universal_approximation_theorem
Deep learning in the real world
An example of a DNN (Deep Neural Network)
Deep learning in the real world
Convolutional Neural Networks
● Convolution kernel (5x5)
● Max-pool to reduce size
● Repeat
● Fully connected
● Prediction
Deep learning in the real world
Convolution
Softmax
Deep learning in the real world
● Generative Adversarial Network (GAN):
○ Ian J. Goodfellow et al. 2014
○ Generates fake images from noise
○ Discriminator guess if it’s a real image or not
○ Generator is updated with loss
https://arxiv.org/pdf/1406.2661.pdf
Deep learning in the real world - Some examples
This person does not exist
https://thispersondoesnotexist.com/
Deep learning in the real world - Some examples
Image segmentation:
Facebook’s detectron
https://github.com/facebookresearch/Detectron
Deep learning in the real world - Some examples
Brain tumor segmentation
Deep learning in the real world
What are the frameworks to develop DNN models?
Deep learning in the real world
● Python
○ Tensorflow, simple API with Keras
○ PyTorch, a bit difficult to get into
Deep learning in the real world
● Python
● C/C++/FORTRAN
○ Low-level GPU Optimizations with CUDA
○ Deep learning depends on GPUs
Deep learning in the real world
● But why GPUs?
Deep learning in the real world
● But why GPUs?
○ Many cores (ALUs)
○ Parallelizable code
○ Accelerate model training
Deep learning in the real world
● But what about in daily life?
Deep learning in the real world
● Deep learning is used everywhere!
○ To unlock your phone with face ID
Deep learning in the real world
● Deep learning is used everywhere!
○ To unlock your phone with face ID
○ When you use Google translate
Deep learning in the real world
● Deep learning is used everywhere!
○ To unlock your phone with face ID
○ When you use Google translate
○ Virtual assistants (Alexa, Siri)
Deep learning in the real world
● Deep learning is used everywhere!
○ To unlock your phone with face ID
○ When you use Google translate
○ Virtual assistants (Alexa, Siri)
○ Colourisation of black and white images
Deep learning in the real world
● Deep learning is used everywhere!
○ To unlock your phone with face ID
○ When you use Google translate
○ Virtual assistants (Alexa, Siri)
○ Colourisation of black and white images
○ Snapchat filters
Deep learning in the real world
● Deep learning is used everywhere!
○ To unlock your phone with face ID
○ When you use Google translate
○ Virtual assistants (Alexa, Siri)
○ Colourisation of black and white images
○ Snapchat filters
…and the list goes on!
…But how does it work?
…But how does it work?
● Multilayer Perceptron (MLP)
○ Earliest neural network
○ Input layer
○ Hidden layer
○ Output layer
…But how does it work?
● Feed forward
○ Input is passed forward through the network
○ Weights and biases extract interesting features
…But how does it work?
● Feed forward
● Back propagation
○ Backward pass through the network
○ Update weights and biases
○ Better correspond with desired output
○ Gradient descent
…But how does it work?
● Feed forward
● Back propagation
○ Backward pass through the network
○ Update weights and biases
○ Better correspond with desired output
○ Gradient descent with normalized values!
This is a VERY simplified explanation!
…But how does it work?
Normalize to find the
focal minimum much
faster.
…But how does it work?
● For this workshop
○ Using Jupyter notebooks
○ Using Tensorflow 2.0
○ Access to Google colab for GPUs
…But how does it work?
● For this workshop
○ Using Jupyter notebooks
○ Using Tensorflow 2.0
○ Access to Google colab for GPUs
● The task
○ Create your own custom Deep Learning model to classify images!
Thank you!
Any questions?

More Related Content

Similar to GDSC Introduction to Deep Learning Workshop

Machine Learning Workshop, TSEC 2020
Machine Learning Workshop, TSEC 2020Machine Learning Workshop, TSEC 2020
Machine Learning Workshop, TSEC 2020Siddharth Adelkar
 
Pybcn machine learning for dummies with python
Pybcn machine learning for dummies with pythonPybcn machine learning for dummies with python
Pybcn machine learning for dummies with pythonJavier Arias Losada
 
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 LearningVan Huy
 
ENNEoS Presentation - HackMiami
ENNEoS Presentation - HackMiamiENNEoS Presentation - HackMiami
ENNEoS Presentation - HackMiamiDrew Kirkpatrick
 
Guide line of AI
Guide line of AIGuide line of AI
Guide line of AIJason Tang
 
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
 
Big data app meetup 2016-06-15
Big data app meetup 2016-06-15Big data app meetup 2016-06-15
Big data app meetup 2016-06-15Illia Polosukhin
 
Introduction to Deep Learning | CloudxLab
Introduction to Deep Learning | CloudxLabIntroduction to Deep Learning | CloudxLab
Introduction to Deep Learning | CloudxLabCloudxLab
 
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 learningTheodoros Vasiloudis
 
ENNEoS Presentation - CackalackyCon
ENNEoS Presentation - CackalackyConENNEoS Presentation - CackalackyCon
ENNEoS Presentation - CackalackyConDrew Kirkpatrick
 
"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
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learningdoppenhe
 
Nips 2017 in a nutshell
Nips 2017 in a nutshellNips 2017 in a nutshell
Nips 2017 in a nutshellLULU CHENG
 
How Will AI Change the Role of the Data Scientist?
How Will AI Change the Role of the Data Scientist?How Will AI Change the Role of the Data Scientist?
How Will AI Change the Role of the Data Scientist?Hugo Gävert
 
Python in Industry
Python in IndustryPython in Industry
Python in IndustryDharmit Shah
 
Teaching Your Computer To Play Video Games
Teaching Your Computer To Play Video GamesTeaching Your Computer To Play Video Games
Teaching Your Computer To Play Video Gamesehrenbrav
 
Think machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetanThink machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetanChetan Khatri
 
NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...
NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...
NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...Hafez Kamal
 

Similar to GDSC Introduction to Deep Learning Workshop (20)

Machine Learning Workshop, TSEC 2020
Machine Learning Workshop, TSEC 2020Machine Learning Workshop, TSEC 2020
Machine Learning Workshop, TSEC 2020
 
CSSC ML Workshop
CSSC ML WorkshopCSSC ML Workshop
CSSC ML Workshop
 
Pybcn machine learning for dummies with python
Pybcn machine learning for dummies with pythonPybcn machine learning for dummies with python
Pybcn machine learning for dummies with python
 
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
 
ENNEoS Presentation - HackMiami
ENNEoS Presentation - HackMiamiENNEoS Presentation - HackMiami
ENNEoS Presentation - HackMiami
 
Neural Networks and Deep Learning
Neural Networks and Deep LearningNeural Networks and Deep Learning
Neural Networks and Deep Learning
 
Guide line of AI
Guide line of AIGuide line of AI
Guide line of AI
 
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...
 
Big data app meetup 2016-06-15
Big data app meetup 2016-06-15Big data app meetup 2016-06-15
Big data app meetup 2016-06-15
 
Introduction to Deep Learning | CloudxLab
Introduction to Deep Learning | CloudxLabIntroduction to Deep Learning | CloudxLab
Introduction to Deep Learning | CloudxLab
 
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
 
ENNEoS Presentation - CackalackyCon
ENNEoS Presentation - CackalackyConENNEoS Presentation - CackalackyCon
ENNEoS Presentation - CackalackyCon
 
"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...
 
Introduction to deep learning
Introduction to deep learningIntroduction to deep learning
Introduction to deep learning
 
Nips 2017 in a nutshell
Nips 2017 in a nutshellNips 2017 in a nutshell
Nips 2017 in a nutshell
 
How Will AI Change the Role of the Data Scientist?
How Will AI Change the Role of the Data Scientist?How Will AI Change the Role of the Data Scientist?
How Will AI Change the Role of the Data Scientist?
 
Python in Industry
Python in IndustryPython in Industry
Python in Industry
 
Teaching Your Computer To Play Video Games
Teaching Your Computer To Play Video GamesTeaching Your Computer To Play Video Games
Teaching Your Computer To Play Video Games
 
Think machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetanThink machine-learning-with-scikit-learn-chetan
Think machine-learning-with-scikit-learn-chetan
 
NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...
NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...
NanoSec Conference 2019: Malware Classification Using Deep Learning - Mohd Sh...
 

Recently uploaded

How Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdf
How Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdfHow Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdf
How Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdfFIDO Alliance
 
AI presentation and introduction - Retrieval Augmented Generation RAG 101
AI presentation and introduction - Retrieval Augmented Generation RAG 101AI presentation and introduction - Retrieval Augmented Generation RAG 101
AI presentation and introduction - Retrieval Augmented Generation RAG 101vincent683379
 
PLAI - Acceleration Program for Generative A.I. Startups
PLAI - Acceleration Program for Generative A.I. StartupsPLAI - Acceleration Program for Generative A.I. Startups
PLAI - Acceleration Program for Generative A.I. StartupsStefano
 
Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...
Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...
Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...FIDO Alliance
 
Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...
Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...
Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...FIDO Alliance
 
Extensible Python: Robustness through Addition - PyCon 2024
Extensible Python: Robustness through Addition - PyCon 2024Extensible Python: Robustness through Addition - PyCon 2024
Extensible Python: Robustness through Addition - PyCon 2024Patrick Viafore
 
Structuring Teams and Portfolios for Success
Structuring Teams and Portfolios for SuccessStructuring Teams and Portfolios for Success
Structuring Teams and Portfolios for SuccessUXDXConf
 
Enterprise Knowledge Graphs - Data Summit 2024
Enterprise Knowledge Graphs - Data Summit 2024Enterprise Knowledge Graphs - Data Summit 2024
Enterprise Knowledge Graphs - Data Summit 2024Enterprise Knowledge
 
IoT Analytics Company Presentation May 2024
IoT Analytics Company Presentation May 2024IoT Analytics Company Presentation May 2024
IoT Analytics Company Presentation May 2024IoTAnalytics
 
AI revolution and Salesforce, Jiří Karpíšek
AI revolution and Salesforce, Jiří KarpíšekAI revolution and Salesforce, Jiří Karpíšek
AI revolution and Salesforce, Jiří KarpíšekCzechDreamin
 
The UX of Automation by AJ King, Senior UX Researcher, Ocado
The UX of Automation by AJ King, Senior UX Researcher, OcadoThe UX of Automation by AJ King, Senior UX Researcher, Ocado
The UX of Automation by AJ King, Senior UX Researcher, OcadoUXDXConf
 
10 Differences between Sales Cloud and CPQ, Blanka Doktorová
10 Differences between Sales Cloud and CPQ, Blanka Doktorová10 Differences between Sales Cloud and CPQ, Blanka Doktorová
10 Differences between Sales Cloud and CPQ, Blanka DoktorováCzechDreamin
 
Syngulon - Selection technology May 2024.pdf
Syngulon - Selection technology May 2024.pdfSyngulon - Selection technology May 2024.pdf
Syngulon - Selection technology May 2024.pdfSyngulon
 
Linux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdf
Linux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdfLinux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdf
Linux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdfFIDO Alliance
 
Free and Effective: Making Flows Publicly Accessible, Yumi Ibrahimzade
Free and Effective: Making Flows Publicly Accessible, Yumi IbrahimzadeFree and Effective: Making Flows Publicly Accessible, Yumi Ibrahimzade
Free and Effective: Making Flows Publicly Accessible, Yumi IbrahimzadeCzechDreamin
 
A Business-Centric Approach to Design System Strategy
A Business-Centric Approach to Design System StrategyA Business-Centric Approach to Design System Strategy
A Business-Centric Approach to Design System StrategyUXDXConf
 
ECS 2024 Teams Premium - Pretty Secure
ECS 2024   Teams Premium - Pretty SecureECS 2024   Teams Premium - Pretty Secure
ECS 2024 Teams Premium - Pretty SecureFemke de Vroome
 
SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...
SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...
SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...CzechDreamin
 
ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...
ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...
ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...FIDO Alliance
 
Strategic AI Integration in Engineering Teams
Strategic AI Integration in Engineering TeamsStrategic AI Integration in Engineering Teams
Strategic AI Integration in Engineering TeamsUXDXConf
 

Recently uploaded (20)

How Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdf
How Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdfHow Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdf
How Red Hat Uses FDO in Device Lifecycle _ Costin and Vitaliy at Red Hat.pdf
 
AI presentation and introduction - Retrieval Augmented Generation RAG 101
AI presentation and introduction - Retrieval Augmented Generation RAG 101AI presentation and introduction - Retrieval Augmented Generation RAG 101
AI presentation and introduction - Retrieval Augmented Generation RAG 101
 
PLAI - Acceleration Program for Generative A.I. Startups
PLAI - Acceleration Program for Generative A.I. StartupsPLAI - Acceleration Program for Generative A.I. Startups
PLAI - Acceleration Program for Generative A.I. Startups
 
Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...
Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...
Secure Zero Touch enabled Edge compute with Dell NativeEdge via FDO _ Brad at...
 
Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...
Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...
Choosing the Right FDO Deployment Model for Your Application _ Geoffrey at In...
 
Extensible Python: Robustness through Addition - PyCon 2024
Extensible Python: Robustness through Addition - PyCon 2024Extensible Python: Robustness through Addition - PyCon 2024
Extensible Python: Robustness through Addition - PyCon 2024
 
Structuring Teams and Portfolios for Success
Structuring Teams and Portfolios for SuccessStructuring Teams and Portfolios for Success
Structuring Teams and Portfolios for Success
 
Enterprise Knowledge Graphs - Data Summit 2024
Enterprise Knowledge Graphs - Data Summit 2024Enterprise Knowledge Graphs - Data Summit 2024
Enterprise Knowledge Graphs - Data Summit 2024
 
IoT Analytics Company Presentation May 2024
IoT Analytics Company Presentation May 2024IoT Analytics Company Presentation May 2024
IoT Analytics Company Presentation May 2024
 
AI revolution and Salesforce, Jiří Karpíšek
AI revolution and Salesforce, Jiří KarpíšekAI revolution and Salesforce, Jiří Karpíšek
AI revolution and Salesforce, Jiří Karpíšek
 
The UX of Automation by AJ King, Senior UX Researcher, Ocado
The UX of Automation by AJ King, Senior UX Researcher, OcadoThe UX of Automation by AJ King, Senior UX Researcher, Ocado
The UX of Automation by AJ King, Senior UX Researcher, Ocado
 
10 Differences between Sales Cloud and CPQ, Blanka Doktorová
10 Differences between Sales Cloud and CPQ, Blanka Doktorová10 Differences between Sales Cloud and CPQ, Blanka Doktorová
10 Differences between Sales Cloud and CPQ, Blanka Doktorová
 
Syngulon - Selection technology May 2024.pdf
Syngulon - Selection technology May 2024.pdfSyngulon - Selection technology May 2024.pdf
Syngulon - Selection technology May 2024.pdf
 
Linux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdf
Linux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdfLinux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdf
Linux Foundation Edge _ Overview of FDO Software Components _ Randy at Intel.pdf
 
Free and Effective: Making Flows Publicly Accessible, Yumi Ibrahimzade
Free and Effective: Making Flows Publicly Accessible, Yumi IbrahimzadeFree and Effective: Making Flows Publicly Accessible, Yumi Ibrahimzade
Free and Effective: Making Flows Publicly Accessible, Yumi Ibrahimzade
 
A Business-Centric Approach to Design System Strategy
A Business-Centric Approach to Design System StrategyA Business-Centric Approach to Design System Strategy
A Business-Centric Approach to Design System Strategy
 
ECS 2024 Teams Premium - Pretty Secure
ECS 2024   Teams Premium - Pretty SecureECS 2024   Teams Premium - Pretty Secure
ECS 2024 Teams Premium - Pretty Secure
 
SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...
SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...
SOQL 201 for Admins & Developers: Slice & Dice Your Org’s Data With Aggregate...
 
ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...
ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...
ASRock Industrial FDO Solutions in Action for Industrial Edge AI _ Kenny at A...
 
Strategic AI Integration in Engineering Teams
Strategic AI Integration in Engineering TeamsStrategic AI Integration in Engineering Teams
Strategic AI Integration in Engineering Teams
 

GDSC Introduction to Deep Learning Workshop

  • 1. GDSC EPITA Introduction to Deep Learning Workshop Philippe Bouchet EPITA SANTE 2023
  • 2. Presentation ~ 30 min Workshop ~ 1h30
  • 3. Summary ● Who am I? ● What is AI? ● Deep learning in the real world ● But how does it work? ● QnA
  • 4. This is NOT an advanced deep learning course. This is a workshop for budding AI and DL enthusiasts. No maths! ;)
  • 5. Who am I? ● Philippe Bouchet ● EPITA Majeure SANTE 2023, Healthcare Major ● We specialize in: ○ AI and image processing for healthcare ○ Tech solutions for medical problems ■ Brain tumor detection ■ Segmentation of gray/white matter ○ Bridging the gap between developers and doctors
  • 7. What is AI? ● What’s the difference between AI, ML and DL?
  • 8. ● Artificial Intelligence ○ NPCs in video games ○ Minimax algorithm ○ A* path search algorithm What is AI?
  • 9. What is AI? A* pathfinding algorithm Minimax algorithm
  • 10. ● Artificial Intelligence ● Machine Learning ○ Using data to improve a statistical model’s accuracy ○ Supervised learning (labeled data) ○ Classification, regression What is AI?
  • 11. What is AI? X y 1 10 2 20 3 30
  • 12. What is AI? How do we estimate the value of the new data? X y 1 10 2 20 3 30 4 ?
  • 13. What is AI? How do we estimate the value of the new data? f(x) = 10 * x X y 1 10 2 20 3 30 4 40
  • 14. What is AI? Linear regression example ● n_samples = 200 ● n_features = 1 ● We have a dataset that maps X to y ● Goal: Function f that best fits the data ● f(x) = ax + b, what is a and what is b?
  • 15. What is AI? Linear regression example ● n_samples = 200 ● n_features = 1 ● We have a dataset that maps x to y ● Function f that best fits the data? f(x) = 35.59x + 2.227
  • 16. ● Artificial Intelligence ● Machine Learning ● Deep Learning ○ Deep learning because we use deep neural networks ○ NLP ○ Image segmentation What is AI?
  • 17. What is AI? ● What is a neural network?
  • 18. What is AI? ● What is a neural network?
  • 19. What is AI? ● What is a neural network? ○ Input layer ○ Hidden layer ○ Output layer
  • 20. What is AI? ● What is a neural network? ○ Input layer ○ Hidden layer ○ Output layer ● Parameters ○ Weights ○ Biases ○ Linear operations
  • 21. What is AI? ● What is a neural network? ○ Input layer ○ Hidden layer ○ Output layer ● Parameters ○ Weights ○ Biases ○ Linear operations ● Useful for simple tasks in ML ○ Classification ○ Regression
  • 22. What is AI? ● Limitations ○ Only linear activations ○ 2 dimensions in this example ○ What about 784 dimension?
  • 23. What is AI? Add more hidden layers! ● Deep Neural Network ○ Non linear models ○ Time consuming computation ○ More capacity to learn https://en.wikipedia.org/wiki/Universal_approximation_theorem
  • 24. Deep learning in the real world An example of a DNN (Deep Neural Network)
  • 25. Deep learning in the real world Convolutional Neural Networks ● Convolution kernel (5x5) ● Max-pool to reduce size ● Repeat ● Fully connected ● Prediction
  • 26.
  • 27.
  • 28. Deep learning in the real world Convolution
  • 30. Deep learning in the real world ● Generative Adversarial Network (GAN): ○ Ian J. Goodfellow et al. 2014 ○ Generates fake images from noise ○ Discriminator guess if it’s a real image or not ○ Generator is updated with loss https://arxiv.org/pdf/1406.2661.pdf
  • 31. Deep learning in the real world - Some examples This person does not exist https://thispersondoesnotexist.com/
  • 32. Deep learning in the real world - Some examples Image segmentation: Facebook’s detectron https://github.com/facebookresearch/Detectron
  • 33. Deep learning in the real world - Some examples Brain tumor segmentation
  • 34. Deep learning in the real world What are the frameworks to develop DNN models?
  • 35. Deep learning in the real world ● Python ○ Tensorflow, simple API with Keras ○ PyTorch, a bit difficult to get into
  • 36. Deep learning in the real world ● Python ● C/C++/FORTRAN ○ Low-level GPU Optimizations with CUDA ○ Deep learning depends on GPUs
  • 37. Deep learning in the real world ● But why GPUs?
  • 38. Deep learning in the real world ● But why GPUs? ○ Many cores (ALUs) ○ Parallelizable code ○ Accelerate model training
  • 39. Deep learning in the real world ● But what about in daily life?
  • 40. Deep learning in the real world ● Deep learning is used everywhere! ○ To unlock your phone with face ID
  • 41. Deep learning in the real world ● Deep learning is used everywhere! ○ To unlock your phone with face ID ○ When you use Google translate
  • 42. Deep learning in the real world ● Deep learning is used everywhere! ○ To unlock your phone with face ID ○ When you use Google translate ○ Virtual assistants (Alexa, Siri)
  • 43. Deep learning in the real world ● Deep learning is used everywhere! ○ To unlock your phone with face ID ○ When you use Google translate ○ Virtual assistants (Alexa, Siri) ○ Colourisation of black and white images
  • 44. Deep learning in the real world ● Deep learning is used everywhere! ○ To unlock your phone with face ID ○ When you use Google translate ○ Virtual assistants (Alexa, Siri) ○ Colourisation of black and white images ○ Snapchat filters
  • 45. Deep learning in the real world ● Deep learning is used everywhere! ○ To unlock your phone with face ID ○ When you use Google translate ○ Virtual assistants (Alexa, Siri) ○ Colourisation of black and white images ○ Snapchat filters …and the list goes on!
  • 46. …But how does it work?
  • 47. …But how does it work? ● Multilayer Perceptron (MLP) ○ Earliest neural network ○ Input layer ○ Hidden layer ○ Output layer
  • 48. …But how does it work? ● Feed forward ○ Input is passed forward through the network ○ Weights and biases extract interesting features
  • 49. …But how does it work? ● Feed forward ● Back propagation ○ Backward pass through the network ○ Update weights and biases ○ Better correspond with desired output ○ Gradient descent
  • 50. …But how does it work? ● Feed forward ● Back propagation ○ Backward pass through the network ○ Update weights and biases ○ Better correspond with desired output ○ Gradient descent with normalized values! This is a VERY simplified explanation!
  • 51. …But how does it work? Normalize to find the focal minimum much faster.
  • 52. …But how does it work? ● For this workshop ○ Using Jupyter notebooks ○ Using Tensorflow 2.0 ○ Access to Google colab for GPUs
  • 53. …But how does it work? ● For this workshop ○ Using Jupyter notebooks ○ Using Tensorflow 2.0 ○ Access to Google colab for GPUs ● The task ○ Create your own custom Deep Learning model to classify images!