What Is Deep Learning - How It Works, Techniques & Applications - MATLAB & Simulink
What Is Deep Learning - How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
Deep learning is a machine learning technique that teaches computers to do what comes naturally to humans: learn by example. Deep learning is a key technology behind driverless cars, enabling them to recognize a stop sign, or
to distinguish a pedestrian from a lamppost. It is the key to voice control in consumer devices like phones, tablets, TVs, and hands-free speakers. Deep learning is getting lots of attention lately and for good reason. It’s achieving
results that were not possible before.
In deep learning, a computer model learns to perform classification tasks directly from images, text, or sound. Deep learning models can achieve state-of-the-art accuracy, sometimes exceeding human-level performance. Models
are trained by using a large set of labeled data and neural network architectures that contain many layers.
https://in.mathworks.com/discovery/deep-learning.html 1/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
How does deep learning attain such impressive results? Deep Learning
In a word, accuracy. Deep learning achieves recognition accuracy at higher levels than ever before. This helps consumer electronics meet user expectations, and it is crucial for safety-critical
applications like driverless cars. Recent advances in deep learning have improved to the point where deep learning outperforms humans in some tasks like classifying objects in images.
While deep learning was first theorized in the 1980s, there are two main reasons it has only recently become useful:
1. Deep learning requires large amounts of labeled data. For example, driverless car development requires millions of images and thousands of hours of video.
2. Deep learning requires substantial computing power. High-performance GPUs have a parallel architecture that is efficient for deep learning. When combined with clusters or cloud computing, this
enables development teams to reduce training time for a deep learning network from weeks to hours or less.
FREE EBOOK
Introducing Deep Learning with MATLAB
Download ebook
Automated Driving: Automotive researchers are using deep learning to automatically detect objects such as stop signs and traffic lights. In addition, deep learning is used to detect pedestrians, which
helps decrease accidents.
Aerospace and Defense: Deep learning is used to identify objects from satellites that locate areas of interest, and identify safe or unsafe zones for troops.
Medical Research: Cancer researchers are using deep learning to automatically detect cancer cells. Teams at UCLA built an advanced microscope that yields a high-dimensional data set used to train a
deep learning application to accurately identify cancer cells.
Industrial Automation: Deep learning is helping to improve worker safety around heavy machinery by automatically detecting when people or objects are within an unsafe distance of machines.
Electronics: Deep learning is being used in automated hearing and speech translation. For example, home assistance devices that respond to your voice and know your preferences are powered by
deep learning applications.
https://in.mathworks.com/discovery/deep-learning.html 2/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Start quiz
Most deep learning methods use neural network architectures, which is why deep learning models are often referred to as deep neural networks.
The term “deep” usually refers to the number of hidden layers in the neural network. Traditional neural networks only contain 2-3 hidden layers, while deep networks can have as many as 150.
Deep learning models are trained by using large sets of labeled data and neural network architectures that learn features directly from the data without the need for manual feature extraction.
3:40
Deep Learning and Traditional Machine Learning: Choosing the Right Approach
https://in.mathworks.com/discovery/deep-learning.html 3/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
Figure 1: Neural networks, which are organized in layers consisting of a set of interconnected nodes. Networks can have tens or hundreds of hidden layers.
One of the most popular types of deep neural networks is known as convolutional neural networks (CNN or ConvNet). A CNN convolves learned features with input data, and uses 2D convolutional
layers, making this architecture well suited to processing 2D data, such as images.
CNNs eliminate the need for manual feature extraction, so you do not need to identify features used to classify images. The CNN works by extracting features directly from images. The relevant features
are not pretrained; they are learned while the network trains on a collection of images. This automated feature extraction makes deep learning models highly accurate for computer vision tasks such as
object classification.
https://in.mathworks.com/discovery/deep-learning.html 4/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
Figure 2: Example of a network with many convolutional layers. Filters are applied to each training image at different resolutions, and the output of each convolved image serves as the input to the
next layer.
https://in.mathworks.com/discovery/deep-learning.html 5/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
CNNs learn to detect different features of an image using tens or hundreds of hidden layers. Every hidden layer increases the complexity of the learned image features. For example, the first hidden
Deep Learning
layer could learn how to detect edges, and the last learns how to detect more complex shapes specifically catered to the shape of the object we are trying to recognize.
Another key difference is deep learning algorithms scale with data, whereas shallow learning converges. Shallow learning refers to machine learning methods that plateau at a certain level of
performance when you add more examples and training data to the network.
A key advantage of deep learning networks is that they often continue to improve as the size of your data increases.
Figure 3. Comparing a machine learning approach to categorizing vehicles (left) with deep learning (right).
In machine learning, you manually choose features and a classifier to sort images. With deep learning, feature extraction and modeling steps are automatic.
Object Recognition: Deep Learning and Machine Learning for Computer Vision (26:57)
When choosing between machine learning and deep learning, consider whether you have a high-performance GPU and lots of labeled data. If you don’t have either of those things, it may make more
sense to use machine learning instead of deep learning. Deep learning is generally more complex, so you’ll need at least a few thousand images to get reliable results. Having a high-performance GPU
means the model will take less time to analyze all those images.
https://in.mathworks.com/discovery/deep-learning.html 6/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
Deep Learning and Traditional Machine Learning: Choosing the Right Approach
To train a deep network from scratch, you gather a very large labeled data set and design a network architecture that will learn the features and model. This is good for new applications, or applications
that will have a large number of output categories. This is a less common approach because with the large amount of data and rate of learning, these networks typically take days or weeks to train.
Deep Learning with MATLAB: Deep Learning in 11 Lines of MATLAB Code (2:38)
Transfer Learning
Most deep learning applications use the transfer learning approach, a process that involves fine-tuning a pretrained model. You start with an existing network, such as AlexNet or GoogLeNet, and feed in
new data containing previously unknown classes. After making some tweaks to the network, you can now perform a new task, such as categorizing only dogs or cats instead of 1000 different objects.
This also has the advantage of needing much less data (processing thousands of images, rather than millions), so computation time drops to minutes or hours.
Transfer learning requires an interface to the internals of the pre-existing network, so it can be surgically modified and enhanced for the new task. MATLAB® has tools and functions designed to help you
do transfer learning.
Deep Learning with MATLAB: Transfer Learning in 10 Lines of MATLAB Code (3:59)
Feature Extraction
A slightly less common, more specialized approach to deep learning is to use the network as a feature extractor. Since all the layers are tasked with learning certain features from images, we can pull
these features out of the network at any time during the training process. These features can then be used as input to a machine learning model such as support vector machines (SVM).
https://in.mathworks.com/discovery/deep-learning.html 7/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Training a deep learning model can take a long time, from days to weeks. Using GPU acceleration can speed up the process significantly. Using MATLAB with a GPU reduces the time required to train a
Deep Learning
network and can cut the training time for an image classification problem from days down to hours. In training deep learning models, MATLAB uses GPUs (when available) without requiring you to
understand how to program GPUs explicitly.
Figure 4. Deep Learning Toolbox commands for training your own CNN from scratch or using a pretrained model for transfer learning.
https://in.mathworks.com/discovery/deep-learning.html 8/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Use MATLAB, a simple webcam, and a deep neural network to identify objects in your
surroundings. Deep Learning
Learn more
See example
https://in.mathworks.com/discovery/deep-learning.html 9/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
Deep Learning with MATLAB
MATLAB makes deep learning easy. With tools and functions for managing large data sets, MATLAB also offers specialized toolboxes for working with machine learning, neural networks, computer
vision, and automated driving.
With just a few lines of code, MATLAB lets you do deep learning without being an expert. Get started quickly, create and visualize models, and deploy models to servers and embedded devices.
Teams are successful using MATLAB for deep learning because it lets you:
MATLAB lets you build deep learning models with minimal code. With MATLAB, you can quickly import pretrained models and visualize and debug intermediate results as you adjust training
parameters.
You can use MATLAB to learn and gain expertise in the area of deep learning. Most of us have never taken a course in deep learning. We have to learn on the job. MATLAB makes learning about
this field practical and accessible. In addition, MATLAB enables domain experts to do deep learning – instead of handing the task over to data scientists who may not know your industry or
application.
MATLAB enables users to interactively label objects within images and can automate ground truth labeling within videos for training and testing deep learning models. This interactive and
automated approach can lead to better results in less time.
MATLAB can unify multiple domains in a single workflow. With MATLAB, you can do your thinking and programming in one environment. It offers tools and functions for deep learning, and also for a
range of domains that feed into deep learning algorithms, such as signal processing, computer vision, and data analytics.
With MATLAB, you can integrate results into your existing applications. MATLAB automates deploying your deep learning models on enterprise systems, clusters, clouds, and embedded devices.
Related products: MATLAB, Computer Vision Toolbox™, Statistics and Machine Learning Toolbox™, Deep Learning Toolbox™, and Automated Driving Toolbox™.
https://in.mathworks.com/discovery/deep-learning.html 10/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
2:16
Explore deep learning fundamentals in this MATLAB Tech Talk. You’ll learn why deep See how to use MATLAB, a simple webcam, and a deep neural network to identify objects
learning has become so popular, and you’ll walk through 3 concepts: what deep learning in your surroundings. This demo uses AlexNet, a pretrained deep convolutional neural
is, how it is used in the real world, and how you can get started. network that has been trained on over a million images.
https://in.mathworks.com/discovery/deep-learning.html 11/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
3:33 2:38
Introduction to Deep Learning: What Is Deep Learning? Deep Learning with MATLAB: Deep Learning in 11 Lines of MATLAB Code
7:56 18:23
Semantic Segmentation Overview Get Started with Deep Learning Using MATLAB
Learn the high-level workflow for semantic segmentation using a deep learning network. Perform four common deep learning tasks with MATLAB.
Additionally, learn how the Image Labeler app can expedite your workflow for ground truth
labeling at the pixel level.
See how you can use the Deep Learning Toolbox block library as well as MATLAB
Function block to simulate trained deep learning models in Simulink.
https://in.mathworks.com/discovery/deep-learning.html 12/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Deep Learning
3:45
Learn three approaches to training a deep learning neural network: training from scratch,
transfer learning, and semantic segmentation.
Related Topics
https://in.mathworks.com/discovery/deep-learning.html 13/14
4/7/2021 What Is Deep Learning? | How It Works, Techniques & Applications - MATLAB & Simulink
Reinforcement Learning
mathworks.com
© 1994-2021 The MathWorks, Inc. MATLAB and Simulink are registered trademarks of The MathWorks, Inc. See mathworks.com/trademarks for a list of additional trademarks. Other product or brand names may be trademarks or
registered trademarks of their respective holders.
https://in.mathworks.com/discovery/deep-learning.html 14/14