SlideShare a Scribd company logo
1 of 30
Download to read offline
Introduction to Deep Learning and Neural Networks
Augustine Okolie
Knowledge and Skill Forum
Augustine Okolie (Knowledge and Skill Forum) 2023 1 / 30
Outline
1 Introduction
2 Deep Learning (Artificial Neural Network)
3 Required Knowledge/Skills for Computer Vision
4 Applications
5 Challenges and Complexity of Neural Networks
Augustine Okolie (Knowledge and Skill Forum) 2023 2 / 30
Introduction
Artificial intelligence (AI) has revolutionized numerous industries.
Machine learning (ML) is a subset of AI, where systems learn from data, identify patterns,
and make decisions.
Neural networks and deep learning are specialized sub-fields of ML, gaining substantial
attention due to their profound capabilities.
Augustine Okolie (Knowledge and Skill Forum) 2023 3 / 30
Outline
1 Introduction
2 Deep Learning (Artificial Neural Network)
3 Required Knowledge/Skills for Computer Vision
4 Applications
5 Challenges and Complexity of Neural Networks
Augustine Okolie (Knowledge and Skill Forum) 2023 4 / 30
Deep Learning
Deep learning is part of a broader family of machine learning methods based on artificial neural
networks with representation learning. Learning can be supervised, semi-supervised or
unsupervised
Augustine Okolie (Knowledge and Skill Forum) 2023 5 / 30
Brain Nervous System vs Artificial Neural Network
Neurons are the fundamental units of the brain and nervous system.
Neural networks are machine learning models inspired by the human brain.
Composed of interconnected layers of nodes or ”neurons”.
Each neuron applies specific transformations to input data, enabling the model to learn and understand complex
patterns.
Augustine Okolie (Knowledge and Skill Forum) 2023 6 / 30
Deep Neural Network
Deep refers to multiple hidden layers in the network that enable learning of more complex
representations.
Performs complex operations on massive amounts of structured and unstructured data.
Excels in domains such as image recognition and natural language processing.
Augustine Okolie (Knowledge and Skill Forum) 2023 7 / 30
Components of a Neural Network
Neurons: Fundamental units of a neural network that receive inputs and generate an
output based on the activation function.
Weights: Coefficients which transform the input data within the network’s layers.
Bias: Similar to the intercept in a linear equation, it is an additional parameter in the
network which helps to adjust the output along with the weighted sum of the inputs to
the neuron.
Activation Functions: Functions that decide whether a neuron should be activated or
not. They help to add non-linearity to the network and map the input between the
required values like (0, 1) or (-1, 1).
Augustine Okolie (Knowledge and Skill Forum) 2023 8 / 30
Artificial Neural Networks: Hand Written Digit Recognition
Augustine Okolie (Knowledge and Skill Forum) 2023 9 / 30
Convolution Neural Networks: Image Classification
Augustine Okolie (Knowledge and Skill Forum) 2023 10 / 30
Feature Extraction (Low Level, Mid Level, High Level, ...)
Augustine Okolie (Knowledge and Skill Forum) 2023 11 / 30
Is CNN better than ANN?
In general, CNN tends to be a more powerful and accurate way of solving classification problems. ANN is still dominant
for problems where datasets are limited, and image inputs are not necessary.
Augustine Okolie (Knowledge and Skill Forum) 2023 12 / 30
Recurrent Neural Network (RNN)
RNN has the ability to process temporal information — data that comes in sequences, such as a sentence, time series, etc.
Augustine Okolie (Knowledge and Skill Forum) 2023 13 / 30
Outline
1 Introduction
2 Deep Learning (Artificial Neural Network)
3 Required Knowledge/Skills for Computer Vision
4 Applications
5 Challenges and Complexity of Neural Networks
Augustine Okolie (Knowledge and Skill Forum) 2023 14 / 30
Mathematics in Computer Vision
1 Calculus
2 Linear Algebra
3 Probabilities and Statistics
4 Signal Processing
5 Projective Geometry
6 Computational Geometry
7 Optimization Theory
8 Control Theory
Augustine Okolie (Knowledge and Skill Forum) 2023 15 / 30
Software, Programming and Computer Vision Tools
1 Software and Programming Languages for Deep Learning: Python, C++, R, Julia,
MATLAB, etc.
2 Python Frameworks for Deep Learning: TensorFlow, PyTorch, Keras, Theano,
Caffe/Caffe2, OpenCV, Numpy, ScikitLearn, Skimage, etc.
3 Web-based Software: Flask/Django(Python), FastAPI (Python), Node.js/Express.js
(JavaScript), etc.
4 Cloud-based Machine Learning Platforms: Amazon SageMaker, Google Cloud ML
Engine, Microsoft Azure ML, IBM Watson, etc.
5 Mobile-based Software: TensorFlow Lite (Android/iOS), Core ML (iOS), ONNX
(Android/iOS), etc.
6 Containers and Orchestration: Docker/Kubernetes, Kubeflow, etc.
Augustine Okolie (Knowledge and Skill Forum) 2023 16 / 30
Outline
1 Introduction
2 Deep Learning (Artificial Neural Network)
3 Required Knowledge/Skills for Computer Vision
4 Applications
5 Challenges and Complexity of Neural Networks
Augustine Okolie (Knowledge and Skill Forum) 2023 17 / 30
Applications of Neural Networks
Image Recognition: Convolutional Neural Networks (CNNs) are widely used in digital
image processing, for tasks like object detection, facial recognition, and medical image
analysis.
Natural Language Processing: Recurrent Neural Networks (RNNs) and transformers
are commonly used for tasks such as language translation, sentiment analysis, text
generation, and speech recognition.
Time Series Prediction: RNNs are often employed to predict future values in time series
data, like stock prices or weather patterns.
Reinforcement Learning: Deep Q-Networks (DQNs) use neural networks to estimate
the quality of different actions in a given state.
Generative Models: Generative models use neural networks to generate new data that
resembles some given real data.
Augustine Okolie (Knowledge and Skill Forum) 2023 18 / 30
Object Detection
Augustine Okolie (Knowledge and Skill Forum) 2023 19 / 30
Image Segmentation
Augustine Okolie (Knowledge and Skill Forum) 2023 20 / 30
Face Detection
Augustine Okolie (Knowledge and Skill Forum) 2023 21 / 30
Medical Imaging
Augustine Okolie (Knowledge and Skill Forum) 2023 22 / 30
Language Translation
Augustine Okolie (Knowledge and Skill Forum) 2023 23 / 30
Time Series Prediction
Augustine Okolie (Knowledge and Skill Forum) 2023 24 / 30
Industrial Robots
Augustine Okolie (Knowledge and Skill Forum) 2023 25 / 30
Text Generation (ChatGPT)
Augustine Okolie (Knowledge and Skill Forum) 2023 26 / 30
Image Generation (GANS)
Source: thispersondoesnotexist.com
Augustine Okolie (Knowledge and Skill Forum) 2023 27 / 30
Applications
AND MANY MORE!
Augustine Okolie (Knowledge and Skill Forum) 2023 28 / 30
Outline
1 Introduction
2 Deep Learning (Artificial Neural Network)
3 Required Knowledge/Skills for Computer Vision
4 Applications
5 Challenges and Complexity of Neural Networks
Augustine Okolie (Knowledge and Skill Forum) 2023 29 / 30
Challenges and Complexity of Neural Networks
Requirement for large amounts of data and computational resources.
Overfitting: Fitting the training data too closely and performing poorly on unseen data.
Local minima in optimization.
Difficulty in understanding and interpreting neural networks - often referred to as ”black
box” models.
The challenge of choosing the right architecture and hyperparameters.
Augustine Okolie (Knowledge and Skill Forum) 2023 30 / 30

More Related Content

Similar to Introduction_to_Deep_Learning.pdf

The upsurge of deep learning for computer vision applications
The upsurge of deep learning for computer vision applicationsThe upsurge of deep learning for computer vision applications
The upsurge of deep learning for computer vision applications
IJECEIAES
 

Similar to Introduction_to_Deep_Learning.pdf (20)

ARTIFICIAL INTELLIGENT ( ITS / TASK 6 ) done by Wael Saad Hameedi / P71062
ARTIFICIAL INTELLIGENT ( ITS / TASK 6 ) done by Wael Saad Hameedi / P71062ARTIFICIAL INTELLIGENT ( ITS / TASK 6 ) done by Wael Saad Hameedi / P71062
ARTIFICIAL INTELLIGENT ( ITS / TASK 6 ) done by Wael Saad Hameedi / P71062
 
Call for Paper - 2nd International Conference on Computing and Information Te...
Call for Paper - 2nd International Conference on Computing and Information Te...Call for Paper - 2nd International Conference on Computing and Information Te...
Call for Paper - 2nd International Conference on Computing and Information Te...
 
12th International Conference on Soft Computing, Artificial Intelligence and ...
12th International Conference on Soft Computing, Artificial Intelligence and ...12th International Conference on Soft Computing, Artificial Intelligence and ...
12th International Conference on Soft Computing, Artificial Intelligence and ...
 
12th International Conference on Soft Computing, Artificial Intelligence and ...
12th International Conference on Soft Computing, Artificial Intelligence and ...12th International Conference on Soft Computing, Artificial Intelligence and ...
12th International Conference on Soft Computing, Artificial Intelligence and ...
 
Lecture 2_IoT.pptx
Lecture 2_IoT.pptxLecture 2_IoT.pptx
Lecture 2_IoT.pptx
 
The technologies of ai used in different corporate world
The technologies of ai used in different  corporate worldThe technologies of ai used in different  corporate world
The technologies of ai used in different corporate world
 
Unraveling Information about Deep Learning
Unraveling Information about Deep LearningUnraveling Information about Deep Learning
Unraveling Information about Deep Learning
 
The upsurge of deep learning for computer vision applications
The upsurge of deep learning for computer vision applicationsThe upsurge of deep learning for computer vision applications
The upsurge of deep learning for computer vision applications
 
An Overview On Neural Network And Its Application
An Overview On Neural Network And Its ApplicationAn Overview On Neural Network And Its Application
An Overview On Neural Network And Its Application
 
International Conference on Soft Computing, Data mining and Data Science (SCD...
International Conference on Soft Computing, Data mining and Data Science (SCD...International Conference on Soft Computing, Data mining and Data Science (SCD...
International Conference on Soft Computing, Data mining and Data Science (SCD...
 
9 th International Conference on Artificial Intelligence and Applications (AI...
9 th International Conference on Artificial Intelligence and Applications (AI...9 th International Conference on Artificial Intelligence and Applications (AI...
9 th International Conference on Artificial Intelligence and Applications (AI...
 
Artificial intelligence and Neural Network
Artificial intelligence and Neural NetworkArtificial intelligence and Neural Network
Artificial intelligence and Neural Network
 
9th International Conference on Computer Science, Information Technology (CS...
9th  International Conference on Computer Science, Information Technology (CS...9th  International Conference on Computer Science, Information Technology (CS...
9th International Conference on Computer Science, Information Technology (CS...
 
B05211012
B05211012B05211012
B05211012
 
9 th International Conference on Artificial Intelligence and Applications (AI...
9 th International Conference on Artificial Intelligence and Applications (AI...9 th International Conference on Artificial Intelligence and Applications (AI...
9 th International Conference on Artificial Intelligence and Applications (AI...
 
Voice Enable Blind Assistance System -Real time Object Detection
Voice Enable Blind Assistance System -Real time Object DetectionVoice Enable Blind Assistance System -Real time Object Detection
Voice Enable Blind Assistance System -Real time Object Detection
 
ARTIFICIAL INTELLIGENCE IN CYBER SECURITY
ARTIFICIAL INTELLIGENCE IN CYBER SECURITYARTIFICIAL INTELLIGENCE IN CYBER SECURITY
ARTIFICIAL INTELLIGENCE IN CYBER SECURITY
 
IRJET- Blind Navigation System using Artificial Intelligence
IRJET- Blind Navigation System using Artificial IntelligenceIRJET- Blind Navigation System using Artificial Intelligence
IRJET- Blind Navigation System using Artificial Intelligence
 
Call for Research Articles - 7th International Conference on Computer Science...
Call for Research Articles - 7th International Conference on Computer Science...Call for Research Articles - 7th International Conference on Computer Science...
Call for Research Articles - 7th International Conference on Computer Science...
 
Call for Papers - 7th International Conference on Computer Science and Inform...
Call for Papers - 7th International Conference on Computer Science and Inform...Call for Papers - 7th International Conference on Computer Science and Inform...
Call for Papers - 7th International Conference on Computer Science and Inform...
 

Recently uploaded

FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
MarinCaroMartnezBerg
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
amitlee9823
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
amitlee9823
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
AroojKhan71
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
9953056974 Low Rate Call Girls In Saket, Delhi NCR
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
amitlee9823
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
amitlee9823
 
Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
JoseMangaJr1
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Riyadh +966572737505 get cytotec
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
ZurliaSoop
 

Recently uploaded (20)

BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort ServiceBDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
BDSM⚡Call Girls in Mandawali Delhi >༒8448380779 Escort Service
 
Anomaly detection and data imputation within time series
Anomaly detection and data imputation within time seriesAnomaly detection and data imputation within time series
Anomaly detection and data imputation within time series
 
FESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdfFESE Capital Markets Fact Sheet 2024 Q1.pdf
FESE Capital Markets Fact Sheet 2024 Q1.pdf
 
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
Escorts Service Kumaraswamy Layout ☎ 7737669865☎ Book Your One night Stand (B...
 
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
Call Girls in Sarai Kale Khan Delhi 💯 Call Us 🔝9205541914 🔝( Delhi) Escorts S...
 
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night StandCall Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
Call Girls In Hsr Layout ☎ 7737669865 🥵 Book Your One night Stand
 
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al BarshaAl Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
Al Barsha Escorts $#$ O565212860 $#$ Escort Service In Al Barsha
 
Predicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science ProjectPredicting Loan Approval: A Data Science Project
Predicting Loan Approval: A Data Science Project
 
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts ServiceCall Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
Call Girls In Shalimar Bagh ( Delhi) 9953330565 Escorts Service
 
Midocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFxMidocean dropshipping via API with DroFx
Midocean dropshipping via API with DroFx
 
Generative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and MilvusGenerative AI on Enterprise Cloud with NiFi and Milvus
Generative AI on Enterprise Cloud with NiFi and Milvus
 
Capstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics ProgramCapstone Project on IBM Data Analytics Program
Capstone Project on IBM Data Analytics Program
 
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
Vip Mumbai Call Girls Marol Naka Call On 9920725232 With Body to body massage...
 
CebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptxCebaBaby dropshipping via API with DroFX.pptx
CebaBaby dropshipping via API with DroFX.pptx
 
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
Call Girls Bommasandra Just Call 👗 7737669865 👗 Top Class Call Girl Service B...
 
Halmar dropshipping via API with DroFx
Halmar  dropshipping  via API with DroFxHalmar  dropshipping  via API with DroFx
Halmar dropshipping via API with DroFx
 
Probability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter LessonsProbability Grade 10 Third Quarter Lessons
Probability Grade 10 Third Quarter Lessons
 
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get CytotecAbortion pills in Doha Qatar (+966572737505 ! Get Cytotec
Abortion pills in Doha Qatar (+966572737505 ! Get Cytotec
 
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
Jual Obat Aborsi Surabaya ( Asli No.1 ) 085657271886 Obat Penggugur Kandungan...
 
Sampling (random) method and Non random.ppt
Sampling (random) method and Non random.pptSampling (random) method and Non random.ppt
Sampling (random) method and Non random.ppt
 

Introduction_to_Deep_Learning.pdf

  • 1. Introduction to Deep Learning and Neural Networks Augustine Okolie Knowledge and Skill Forum Augustine Okolie (Knowledge and Skill Forum) 2023 1 / 30
  • 2. Outline 1 Introduction 2 Deep Learning (Artificial Neural Network) 3 Required Knowledge/Skills for Computer Vision 4 Applications 5 Challenges and Complexity of Neural Networks Augustine Okolie (Knowledge and Skill Forum) 2023 2 / 30
  • 3. Introduction Artificial intelligence (AI) has revolutionized numerous industries. Machine learning (ML) is a subset of AI, where systems learn from data, identify patterns, and make decisions. Neural networks and deep learning are specialized sub-fields of ML, gaining substantial attention due to their profound capabilities. Augustine Okolie (Knowledge and Skill Forum) 2023 3 / 30
  • 4. Outline 1 Introduction 2 Deep Learning (Artificial Neural Network) 3 Required Knowledge/Skills for Computer Vision 4 Applications 5 Challenges and Complexity of Neural Networks Augustine Okolie (Knowledge and Skill Forum) 2023 4 / 30
  • 5. Deep Learning Deep learning is part of a broader family of machine learning methods based on artificial neural networks with representation learning. Learning can be supervised, semi-supervised or unsupervised Augustine Okolie (Knowledge and Skill Forum) 2023 5 / 30
  • 6. Brain Nervous System vs Artificial Neural Network Neurons are the fundamental units of the brain and nervous system. Neural networks are machine learning models inspired by the human brain. Composed of interconnected layers of nodes or ”neurons”. Each neuron applies specific transformations to input data, enabling the model to learn and understand complex patterns. Augustine Okolie (Knowledge and Skill Forum) 2023 6 / 30
  • 7. Deep Neural Network Deep refers to multiple hidden layers in the network that enable learning of more complex representations. Performs complex operations on massive amounts of structured and unstructured data. Excels in domains such as image recognition and natural language processing. Augustine Okolie (Knowledge and Skill Forum) 2023 7 / 30
  • 8. Components of a Neural Network Neurons: Fundamental units of a neural network that receive inputs and generate an output based on the activation function. Weights: Coefficients which transform the input data within the network’s layers. Bias: Similar to the intercept in a linear equation, it is an additional parameter in the network which helps to adjust the output along with the weighted sum of the inputs to the neuron. Activation Functions: Functions that decide whether a neuron should be activated or not. They help to add non-linearity to the network and map the input between the required values like (0, 1) or (-1, 1). Augustine Okolie (Knowledge and Skill Forum) 2023 8 / 30
  • 9. Artificial Neural Networks: Hand Written Digit Recognition Augustine Okolie (Knowledge and Skill Forum) 2023 9 / 30
  • 10. Convolution Neural Networks: Image Classification Augustine Okolie (Knowledge and Skill Forum) 2023 10 / 30
  • 11. Feature Extraction (Low Level, Mid Level, High Level, ...) Augustine Okolie (Knowledge and Skill Forum) 2023 11 / 30
  • 12. Is CNN better than ANN? In general, CNN tends to be a more powerful and accurate way of solving classification problems. ANN is still dominant for problems where datasets are limited, and image inputs are not necessary. Augustine Okolie (Knowledge and Skill Forum) 2023 12 / 30
  • 13. Recurrent Neural Network (RNN) RNN has the ability to process temporal information — data that comes in sequences, such as a sentence, time series, etc. Augustine Okolie (Knowledge and Skill Forum) 2023 13 / 30
  • 14. Outline 1 Introduction 2 Deep Learning (Artificial Neural Network) 3 Required Knowledge/Skills for Computer Vision 4 Applications 5 Challenges and Complexity of Neural Networks Augustine Okolie (Knowledge and Skill Forum) 2023 14 / 30
  • 15. Mathematics in Computer Vision 1 Calculus 2 Linear Algebra 3 Probabilities and Statistics 4 Signal Processing 5 Projective Geometry 6 Computational Geometry 7 Optimization Theory 8 Control Theory Augustine Okolie (Knowledge and Skill Forum) 2023 15 / 30
  • 16. Software, Programming and Computer Vision Tools 1 Software and Programming Languages for Deep Learning: Python, C++, R, Julia, MATLAB, etc. 2 Python Frameworks for Deep Learning: TensorFlow, PyTorch, Keras, Theano, Caffe/Caffe2, OpenCV, Numpy, ScikitLearn, Skimage, etc. 3 Web-based Software: Flask/Django(Python), FastAPI (Python), Node.js/Express.js (JavaScript), etc. 4 Cloud-based Machine Learning Platforms: Amazon SageMaker, Google Cloud ML Engine, Microsoft Azure ML, IBM Watson, etc. 5 Mobile-based Software: TensorFlow Lite (Android/iOS), Core ML (iOS), ONNX (Android/iOS), etc. 6 Containers and Orchestration: Docker/Kubernetes, Kubeflow, etc. Augustine Okolie (Knowledge and Skill Forum) 2023 16 / 30
  • 17. Outline 1 Introduction 2 Deep Learning (Artificial Neural Network) 3 Required Knowledge/Skills for Computer Vision 4 Applications 5 Challenges and Complexity of Neural Networks Augustine Okolie (Knowledge and Skill Forum) 2023 17 / 30
  • 18. Applications of Neural Networks Image Recognition: Convolutional Neural Networks (CNNs) are widely used in digital image processing, for tasks like object detection, facial recognition, and medical image analysis. Natural Language Processing: Recurrent Neural Networks (RNNs) and transformers are commonly used for tasks such as language translation, sentiment analysis, text generation, and speech recognition. Time Series Prediction: RNNs are often employed to predict future values in time series data, like stock prices or weather patterns. Reinforcement Learning: Deep Q-Networks (DQNs) use neural networks to estimate the quality of different actions in a given state. Generative Models: Generative models use neural networks to generate new data that resembles some given real data. Augustine Okolie (Knowledge and Skill Forum) 2023 18 / 30
  • 19. Object Detection Augustine Okolie (Knowledge and Skill Forum) 2023 19 / 30
  • 20. Image Segmentation Augustine Okolie (Knowledge and Skill Forum) 2023 20 / 30
  • 21. Face Detection Augustine Okolie (Knowledge and Skill Forum) 2023 21 / 30
  • 22. Medical Imaging Augustine Okolie (Knowledge and Skill Forum) 2023 22 / 30
  • 23. Language Translation Augustine Okolie (Knowledge and Skill Forum) 2023 23 / 30
  • 24. Time Series Prediction Augustine Okolie (Knowledge and Skill Forum) 2023 24 / 30
  • 25. Industrial Robots Augustine Okolie (Knowledge and Skill Forum) 2023 25 / 30
  • 26. Text Generation (ChatGPT) Augustine Okolie (Knowledge and Skill Forum) 2023 26 / 30
  • 27. Image Generation (GANS) Source: thispersondoesnotexist.com Augustine Okolie (Knowledge and Skill Forum) 2023 27 / 30
  • 28. Applications AND MANY MORE! Augustine Okolie (Knowledge and Skill Forum) 2023 28 / 30
  • 29. Outline 1 Introduction 2 Deep Learning (Artificial Neural Network) 3 Required Knowledge/Skills for Computer Vision 4 Applications 5 Challenges and Complexity of Neural Networks Augustine Okolie (Knowledge and Skill Forum) 2023 29 / 30
  • 30. Challenges and Complexity of Neural Networks Requirement for large amounts of data and computational resources. Overfitting: Fitting the training data too closely and performing poorly on unseen data. Local minima in optimization. Difficulty in understanding and interpreting neural networks - often referred to as ”black box” models. The challenge of choosing the right architecture and hyperparameters. Augustine Okolie (Knowledge and Skill Forum) 2023 30 / 30