DL 2m and 16m
DL 2m and 16m
DL 2m and 16m
COURSE CODE
20AIPC502
UNIT 1 - 5
UNIT 1 – INTRODUCTION TO DEEP LEARNING & NEURAL NETWORK
A perceptron is a neural network unit (an artificial neuron) that does certain computations
to detect features. It is an algorithm for supervised learning of binary classifiers. This
algorithm is used to enable neurons to learn and processes elements in the training set one
at a time.
There are two types of perceptrons:
Single-Layer Perceptron
Single layer perceptrons can learn only linearly separable patterns.
15. What Is the Difference Between a Feedforward Neural Network and Recurrent Neural
Network?
In this deep learning interview question, the interviewee expects you to give a detailed
answer.
A Feedforward Neural Network signals travel in one direction from input to output. There
are no feedback loops; the network considers only the current input. It cannot memorize
previous inputs (e.g., CNN).
A Recurrent Neural Network’s signals travel in both directions, creating a looped network. It
considers the current input with the previously received inputs for generating the output of a
layer and can memorize past data due to its internal memory.
DEEP LEARNING
17. What are Neural Networks? What are the types of Neural networks?
In simple words, a neural network is a connection of many very tiny processing elements
called as neurons. There are two types of neural network-
Biological Neural Networks– These are made of real neurons.Those tiny CPU’s which
you have got inside your brain..if u have..Not only brain,,but neurons actually make the
whole nervous system.
Artificial Neural Networks– Artificial Neural Networks is an imitation of Biological Neural
Networks,,by artificial designing small processing elements, in lieu of using digital
computing systems that have only the binary digits. The Artificial Neural Networks are
basically designed to make robots give the human quality efficiency to the work.
16- Marks
1. What is deep learning, explain its uses and application and history.
2. Draw and explain the concept of neurons.
3. Define neural networks and explain the various layers of neural networks.
4. Explain the concepts of perceptron and how it works.
5. Briefly discuss single layer and multi-layer perceptron.
6. Discuss the feed forward and back propagation networks.
7. What is regularization, how does Regularization help reduce Over fitting?
DEEP LEARNING
● Convolutional Neural Network (CNN):- Convolutional Neural Networks are mostly used
in computer vision. In contrast to fully linked layers in MLPs, one or more convolution
layers extract simple characteristics from input by performing convolution operations in
CNN models. Each layer is made up of nonlinear functions of weighted sums at various
coordinates of spatially close subsets of the previous layer's outputs, allowing the weights
to be reused.
The AI system learns to automatically extract the properties of these inputs to fulfill a
specific task, such as picture classification, face identification, and image semantic
segmentation, given a sequence of images or videos from the actual world.
● Recurrent Neural Network (RNN):- Recurrent Neural Networks were created to solve the
sequential input data time-series problem. RNN's input is made up of the current input and
prior samples. As a result, the node connections create a directed graph. Furthermore,
each neuron in an RNN has an internal memory that stores the information from previous
samples' computations. Because of their superiority in processing data with a variable
DEEP LEARNING
input length, RNN models are commonly employed in natural language processing (NLP).
The goal of AI in this case is to create a system that can understand human-spoken
natural languages, such as natural language modeling, word embedding, and machine
translation.
Each successive layer in an RNN is made up of nonlinear functions of weighted sums of
outputs and the preceding state. As a result, the basic unit of RNN is termed "cell," and
each cell is made up of layers and a succession of cells that allow recurrent neural
network models to be processed sequentially.
● Modular Neural Network:- This network is made up of numerous tiny neural networks,
rather than being a single network. The sub-networks combine to form a larger neural
network, which operates independently to achieve a common goal. These networks are
extremely useful for breaking down a large-small problem into smaller chunks and then
solving it.
● Sequence to Sequence Model:- In most cases, this network is made up of two RNN
networks. The network is based on encoding and decoding, which means it has an
encoder that processes the input and a decoder that processes the output. This type of
network is commonly employed for text processing when the length of the inputting text
differs from the length of the outputted text.
2. Features of Neural Network DEEP LEARNING
1. NN systems are modelled on the human brain and nervous system
2. It can extract data without any input from the user
3. Every node is essentially a machine learning algorithm
4. Useful when solving problems for which the data set is very large
Association
In an association problem, we identify patterns of associations between different variables
or items.
For example, an e-commerce website can suggest other items for you to buy, based on
the prior purchases that you have made, spending habits, items in your wish list, other
customers’ purchase habits, and so on.
4. What is the Difference Between Supervised and Unsupervised Machine Learning?
• Supervised learning - This model learns from the labeled data and makes a future
prediction as output
• Unsupervised learning - This model uses unlabeled input data and allows the
algorithm to act on that information without guidance.
This image shows the representation of how neural networks work. This image shows that
neural network is divided into different layers and each layer is divided into a block that
accomplishes its own task and then passes to the next layer. The first layer of neural
network is known as input layer that acquires the data and feed it to the neural network.
Some hidden layers are there which are not visible but all processing occurs in these
layers. These hidden layers have its own machine learning algorithm which is executes on
the data received from the input layer. Then the processed output is fed to subsequent
hidden layer. Similarly, at the last hidden layer passes the final processed data to the
output layer.
10. What are some of the Deep Learning frameworks or tools that you have used?
This question is quite common in a Deep Learning interview. Make sure to answer based
on the experience you have with the tools.
However, some of the top Deep Learning frameworks out there today are:
• TensorFlow
• Keras
• PyTorch
• Caffe2
• CNTK
• MXNet
• Theano
DEEP LEARNING
22. What are some of the examples of supervised learning algorithms in Deep
Learning?
There are three main supervised learning algorithms in Deep Learning:
• Artificial neural networks
• Convolutional neural networks
• Recurrent neural networks
23. What are some of the examples of unsupervised learning algorithms in Deep
Learning?
There are three main unsupervised learning algorithms in Deep Learning:
• Autoencoders
• Boltzmann machines
• Self-organizing maps
ReLU (or Rectified Linear Unit) is the most widely used activation function. It gives an
output of X if X is positive and zeros otherwise. ReLU is often used for hidden layers.
DEEP LEARNING
26. What are some of the uses of Autoencoders in Deep Learning?
⮚ Autoencoders are used to convert black and white images into colored images.
⮚ Autoencoder helps to extract features and hidden patterns in the data.
⮚ It is also used to reduce the dimensionality of data.
⮚ It can also be used to remove noises from images.
16 marks
1. What is deep learning? How it differs from machine learning and various applications of deep learning.
2. Explain the Representation Learning and methods
3. What is an activation function? Explain the rectified linear activation function.
4. Discuss the activation function LRELU and ERELU
5. Write a detailed note on Unsupervised Training of Neural Networks.
6. What are advantages and disadvantages of deep learning discuss with real time example
7. What are Autoencoders? Explain in detail?
DEEP LEARNING
2. CNN can learn multiple layers of feature representations of an image by applying filters,
or transformations.
3. In CNN, the number of parameters for the network to learn is significantly lower than the
multilayer neural networks since the number of units in the network decreases, therefore
reducing the chance of overfitting.
2. What is ResNet?
ResNet, short for Residual Network is a specific type of neural network that was
introduced in 2015 by Kaiming He, Xiangyu Zhang, Shaoqing Ren and Jian Sun in their
paper “Deep Residual Learning for Image Recognition”.The ResNet models were
extremely successful which you can guess from the following:
⮚ Won 1st place in the ILSVRC 2015 classification competition with a top-5 error
rate of 3.57% (An ensemble model)
⮚ Won the 1st place in ILSVRC and DEEP COCOLEARNING
2015 competition in ImageNet
Detection, ImageNet localization, Coco detection and Coco segmentation.
⮚ Replacing VGG-16 layers in Faster R-CNN with ResNet-101. They observed
relative improvements of 28%
⮚ Efficiently trained networks with 100 layers and 1000 layers also.
DEEP LEARNING
16 Marks
In the case of language models, the task is to predict the next word given preceding
words. BRNN is clearly not suitable since it expects future words as well. Applying BRNN
DEEP LEARNING
in this application will give poor accuracy. Moreover, BRNN is slower than RNN since
results of the forward pass must be available for the backward pass to proceed. Gradients
will therefore have a long dependency chain.
LSTMs capture long-term dependencies better than RNN and also solve the
exploding/vanishing gradient problem. However, stacking many layers of BiLSTM creates
the vanishing gradient problem. Deep neural networks so successful with CNNs are not so
successful with BiLSTMs.
4. Build an Encoder-Decoder Model With Recurrent Neural Networks
For better understanding, we can divide the model into three basic components:
16 Marks
5. Application of GANs
• With the help of DCGANs, you can train images of cartoon characters for generating faces
of anime characters as well as Pokemon characters.
• GANs can be trained on the images of humans to generate realistic faces. The faces that
you see below have been generated using GANs and do not exist in reality.
• GANs can build realistic images from textual descriptions of objects like birds, humans, and
other animals. We input a sentence and generate multiple images fitting the description.
6. What is Deepfake?
They constitute content that is fake in the form of media like videos and forms like pictures or
audios. They are created using artificial intelligence where data is fed on a computer to find a new
face.
16 Marks
DEEP LEARNING