HomeBlogArtificial IntelligenceTransfer Learning in Deep Learning [Comprehensive Guide]

Transfer Learning in Deep Learning [Comprehensive Guide]

Read it in 9 Mins

Last updated:
7th Dec, 2020
Views
1,502
In this article
View All
Transfer Learning in Deep Learning [Comprehensive Guide]

Introduction 

What is Deep Learning? It is a branch of Machine Learning which uses a simulation of the human brain which are known as neural networks. These neural networks are made up of neurons that are similar to the fundamental unit of the human brain.

Top Machine Learning Courses & AI Courses Online

The neurons make up a neural network model and this field of study altogether is named as deep learning. The end result of a neural network is called a deep learning model. Mostly, in deep learning, unstructured data is used from which the deep learning model extracts features on its own by repeated training on the data.

Such models that are designed for one particular set of data when available for use as the starting point for developing another model with a different set of data and features, is known as Transfer Learning. In simple terms, Transfer Learning is a popular method where one model developed for a particular task is again used as the starting point to develop a model for another task.

Ads of upGrad blog

Transfer Learning 

Transfer Learning has been utilized by humans since time immemorial. Though this field of transfer learning is relatively new to machine learning, humans have used this inherently in almost every situation.

We always try to apply the knowledge gained from our past experiences when we face a new problem or task and this is the basis of transfer learning. For instance, if we know to ride a bicycle and when asked to ride a motorbike which we haven’t done before, our experience with riding a bicycle will always be applied when riding the motorbike such as steering the handle and balancing the bike. This simple concept forms the base of Transfer Learning.

To understand the basic notion of Transfer Learning, consider a model X is successfully trained to perform task A with model M1. If the size of the dataset for task B is too small preventing the model Y from training efficiently or causing overfitting of the data, we can use a part of model M1 as the base to build model Y to perform task B. 

Why Transfer Learning?

According to Andrew Ng, one of the pioneers of today’s world in promoting Artificial Intelligence, “Transfer Learning will be the next driver of ML success”. He mentioned it in a talk given at Conference on Neural Information Processing Systems (NIPS 2016). It is of no doubt that the success of ML in today’s industry is primarily due to supervised learning. On the other hand, going forward, with more amount of unsupervised and unlabeled data, transfer learning will be one technique that will be heavily utilized in the industry. 

Nowadays, people prefer using a pre-trained model that is already trained on a variety of images such as ImageNet than building a whole Convolutional Neural Network model from scratch. Transfer learning has several benefits, but the main advantages are saving training time, better performance of neural networks, and not needing a lot of data.

Read: Top Deep Learning Techniques

Methods of Transfer Learning 

Generally, there are two ways of applying transfer learning – One is developing a model from scratch and the other is to use a pre-trained model.

In the first case, we usually build a model architecture depending upon the training data and the ability of the model to extract weights and patterns from the model is studied carefully with several statistical parameters. After a few rounds of training, depending upon the result, some changes may be required to be made to the model to achieve optimal performance. In this way, we can save the model and use it as a starting to build another model for a similar task.

The second case of using pre-trained models are usually most commonly referred to Transfer Learning. In this, we have to look up for pre-trained models that are shared by several research institutions and organizations released periodically for general use. These models are available for download on the internet along with their weights and can be used to build models for similar datasets.

Trending Machine Learning Skills

Enrol for the Machine Learning Course from the World’s top Universities. Earn Masters, Executive PGP, or Advanced Certificate Programs to fast-track your career.

Transfer Learning Implementation – VGG16 Model

Let us go through an application of Transfer Learning by utilizing a pre-trained model called as VGG16.

The VGG16 is a Convolutional Neural Network model that was released by the Professors of University of Oxford in the year 2014. It was one of the famous models that won the ILSVR (ImageNet) Competition that year. It is still acknowledged as one of the best vision model architectures. It has 16 weight layers including 13 convolutional layers, 3 fully connected layers, and a soft max layer. It has approximately 138 million parameters. Given below is the Architecture of the VGG16 Model.

Image Source: https://towardsdatascience.com/understand-the-architecture-of-cnn-90a25e244c7

Step 1: The first step is to import the VGG16 model that is provided by the keras library in the TensorFlow framework.

Step 2: In the next step, we shall assign the model to a variable “vgg” and download the weights of the ImageNet by giving it as an argument to the model

Step 3: As these pre-trained models such as VGG16, ResNet have been trained on several thousands of images and are used to classify several classes, we do not need to train the layers of the pre-trained model once again. Hence, we set all the layers of the VGG16 model as “False”. 

Step 4: As we have frozen all the layers and removed the last classification layers of the pre-trained VGG16 model, we need to add a classification layer on top of the pre-trained model to train it on a dataset. Hence, we flatten the layers and introduce a final Dense layer with softmax as the activation function with an example of a binary class prediction model.

 

Step 5: In this final step, we print the summary of our model to visualize the layers of the pre-trained VGG16 model and the two layers that we added on top of it utilizing Transfer Learning. 

From the above summary, we can see that there are close to 14.76M total parameters of which only about 50,000 parameters belonging to the last two layers are allowed to be used for training purposes due to the condition set above in Step 3. The remaining 14.71M parameters are referred to as non-trainable parameters.

Also Read: Deep Learning Algorithm [Comprehensive Guide]

Once these steps are performed, we can perform steps to train the regular Convolutional Neural Network by compiling our model with external hyperparameters such as optimizer and loss function.

After compiling, we can begin the training using the fit function for a set number of epochs. In this way, we can utilize the method of transfer learning to train any dataset with several such pre-trained models on the net and adding a few layers on top of the model according to the number of classes of our training data.

Ads of upGrad blog

Popular AI and ML Blogs & Free Courses

Conclusion 

In this article, we have gone through the basic understanding of Transfer Learning, its application, and also its implementation with a sample pre-trained VGG16 Model from the keras library. In addition to this, it has been found out that using the pre-trained weights only from the last two layers of the network has the biggest effect on convergence.

This also results in faster convergence due to repeated usage of features. Transfer Learning has a lot of applications in building models today. Most importantly, AI for healthcare applications needs several such pre-trained modes due to its large size. Although, Transfer Learning may be in its initial stages, in the coming years it will be one of the most used methods to train large datasets with more efficiency and accuracy.

If you’re interested to learn more about machine learning, check out IIIT-B & upGrad’s PG Diploma in Machine Learning & AI which is designed for working professionals and offers 450+ hours of rigorous training, 30+ case studies & assignments, IIIT-B Alumni status, 5+ practical hands-on capstone projects & job assistance with top firms.

Profile

MK Gurucharan

Blog Author
Gurucharan M K, Undergraduate Biomedical Engineering Student | Aspiring AI engineer | Deep Learning and Machine Learning Enthusiast
Get Free Consultation

Select Course
Select
By tapping submit, you agree to  UpGrad's Terms & Conditions

Our Popular Machine Learning Course

1How is deep learning different from machine learning?
Both machine learning and deep learning are specialized fields under the umbrella called artificial intelligence. Machine learning is a subcategory of artificial intelligence that deals with how machines or computers can be taught to learn and carry out definite tasks with minimal human involvement. And, deep learning is a subfield of machine learning. Deep learning is built on the concepts of artificial neural networks that help machines appreciate contexts and decide like humans. While deep learning is used to process massive volumes of raw data, machine learning usually expects inputs in the form of structured data. Moreover, while deep learning algorithms can function with zero to minimum human interference, machine learning models will still need some level of human involvement.
2Are there any prerequisites to learning deep neural networks?
Working on a large-scale project in the field of artificial intelligence, especially deep learning, will need you to have a clear and sound concept of the basics of artificial neural networks. To develop your fundamentals of neural networks, firstly, you need to read a lot of books related to the subject and also go through articles and news to keep up with the trending topics and developments. But coming to the prerequisites of learning neural networks, you cannot ignore mathematics, especially linear algebra, calculus, statistics, and probability. Apart from these, a fair knowledge of programming languages such as Python, R, and Java will also be beneficial.
3What is transfer learning in artificial intelligence?
The technique of reusing elements from a previously trained machine learning model in a new model is known as transfer learning in artificial intelligence. If both models are designed to perform similar functions, it is possible to share generalized knowledge among them via transfer learning. This technique of training models promotes the effective utilization of available resources and prevents wastage of classified data. As machine learning keeps evolving, transfer learning keeps gaining greater significance in the development of artificial intelligence.

Suggested Blogs

Introduction to Natural Language Processing
1500
We’re officially a part of a digitally dominated world where our lives revolve around technology and its innovations. Each second the world produces a
Read More

by Abhinav Rai

01 Apr 2023

What is an Algorithm? Simple & Easy Explanation for Beginners [2023]
1500
It is a standard protocol to use maps and blueprints for executing various processes smoothly. Just like an architect uses detailed blueprints to esta
Read More

by Pavan Vadapalli

01 Apr 2023

Recursive Feature Elimination: What It Is and Why It Matters?
1500
Data is the backbone of modern decision-making, and businesses are always looking for ways to extract valuable insights from it. Machine learning is o
Read More

by Pavan Vadapalli

27 Mar 2023

Why AI Is The Future & How It Will Change The Future?
1500
The advent and advancements in Artificial Intelligence (AI) has indeed changed our lives for the better. It refers to software robots’ capabilit
Read More

by Pavan Vadapalli

27 Mar 2023

A Brilliant Future Scope of Machine Learning
1500
A constant form of silent evolution is machine learning. We thought computers were the big all-that that would allow us to work more efficiently; soon
Read More

by Thulasiram Gunipati

26 Mar 2023

What is Supervised Machine Learning? Algorithm, Example
1500
Machine learning is everywhere – from government agencies, retail services, and financial institutions to the healthcare, entertainment, and tra
Read More

by Pavan Vadapalli

23 Mar 2023

All about Informed Search in Artificial Intelligence
1500
Informed search is a type of search algorithm that uses domain-specific knowledge to guide its search through a problem space. From navigation systems
Read More

by Pavan Vadapalli

22 Mar 2023

Future of Retail in the Metaverse
1500
The metaverse is the successor to the mobile internet and the next progression in social connection. Similar to the internet, the metaverse will let y
Read More

by Pavan Vadapalli

17 Mar 2023

5 Significant Benefits of Artificial Intelligence [Deep Analysis]
1500
Artificial Intelligence (AI) has come a long way from being the subject matter of science fiction to being the living and breathing reality of the 21s
Read More

by Kechit Goyal

16 Mar 2023