100% found this document useful (1 vote)
158 views6 pages

Question QUIZ MID 2

Uploaded by

sai1276001
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
100% found this document useful (1 vote)
158 views6 pages

Question QUIZ MID 2

Uploaded by

sai1276001
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 6

Question 1

What is the primary purpose of an activation function in a neural network? A) To initialize


weights
B) To update weights during training
C) To introduce non-linearity into the model
D) To minimize loss function

Answer: C) To introduce non-linearity into the model

Question 2

Which of the following is a common type of activation function used in neural networks? A)
Linear function
B) Exponential function
C) ReLU (Rectified Linear Unit)
D) Polynomial function

Answer: C) ReLU (Rectified Linear Unit)

Question 3

In a feedforward neural network, what does the term "backpropagation" refer to? A) The
process of feeding input data to the network
B) The process of adjusting weights based on the error
C) The activation of neurons in hidden layers
D) The method of normalizing input data

Answer: B) The process of adjusting weights based on the error

Question 4

What does the term "epoch" refer to in the context of training a neural network? A) The
number of layers in the network
B) One complete pass of the training dataset through the network
C) The number of neurons in the output layer
D) The activation threshold for neurons

Answer: B) One complete pass of the training dataset through the network

Question 5
Which of the following optimizers is commonly used to update the weights in a neural
network during training? A) Stochastic Gradient Descent (SGD)
B) K-Means
C) Principal Component Analysis (PCA)
D) Decision Trees

Answer: A) Stochastic Gradient Descent (SGD)

Feel free to ask if you need more questions or explanations!

4o mini

You said:

8 mcq question on cnn and rnn


ChatGPT said:

ChatGPT

Sure! Here are eight multiple-choice questions covering Convolutional Neural Networks
(CNNs) and Recurrent Neural Networks (RNNs):

Convolutional Neural Networks (CNNs)

Question 1

What is the primary function of the convolutional layer in a CNN? A) To perform


dimensionality reduction
B) To extract features from the input image
C) To fully connect the network
D) To apply a loss function

Answer: B) To extract features from the input image

Question 2

Which of the following is a common pooling operation used in CNNs? A) Max Pooling
B) Mean Squared Error
C) Stochastic Pooling
D) Linear Pooling

Answer: A) Max Pooling


Question 3

In CNNs, what is the purpose of using multiple filters in a convolutional layer? A) To


increase the input size
B) To capture different features of the input
C) To reduce the learning time
D) To prevent overfitting

Answer: B) To capture different features of the input

Question 4

What type of data is CNNs primarily designed to process? A) Time-series data


B) Sequential data
C) Spatial data, such as images
D) Text data

Answer: C) Spatial data, such as images

Recurrent Neural Networks (RNNs)

Question 5

What is the main advantage of using RNNs over traditional feedforward neural networks? A)
RNNs require less computational power
B) RNNs can handle sequential data
C) RNNs are easier to train
D) RNNs produce better accuracy for all tasks

Answer: B) RNNs can handle sequential data

Question 6

What issue do vanilla RNNs commonly face when dealing with long sequences? A) High
dimensionality
B) Gradient explosion
C) Gradient vanishing
D) Overfitting

Answer: C) Gradient vanishing

Question 7
Which architecture is often used to overcome the limitations of vanilla RNNs? A)
Convolutional Networks
B) Long Short-Term Memory (LSTM) networks
C) Generative Adversarial Networks (GANs)
D) Support Vector Machines (SVMs)

Answer: B) Long Short-Term Memory (LSTM) networks

Question 8

In the context of RNNs, what does the term "sequence-to-sequence" refer to? A)
Transforming input sequences into fixed-length representations
B) Generating sequences from scratch
C) Mapping one sequence to another, often with different lengths
D) Combining multiple RNNs into a single model

Answer: C) Mapping one sequence to another, often with different lengths

Let me know if you need more questions or further information!

4o mini

You said:

7 MCQ IN DEEP LEARNING INTERATIVE APPLICATION


ChatGPT said:

ChatGPT

Here are seven multiple-choice questions focused on interactive applications of deep


learning:

Question 1

What is the primary use of deep learning in image recognition applications? A) To enhance
images
B) To classify images into categories
C) To compress images
D) To generate images

Answer: B) To classify images into categories

Question 2
In natural language processing (NLP), what is a common interactive application of deep
learning? A) Image segmentation
B) Text summarization
C) Time-series forecasting
D) Data normalization

Answer: B) Text summarization

Question 3

Which deep learning model is often used for generating text or conversation in chatbots? A)
Convolutional Neural Network (CNN)
B) Autoencoder
C) Recurrent Neural Network (RNN)
D) Decision Tree

Answer: C) Recurrent Neural Network (RNN)

Question 4

What technology does deep learning use to enable real-time object detection in autonomous
vehicles? A) Reinforcement Learning
B) Generative Adversarial Networks (GANs)
C) Convolutional Neural Networks (CNNs)
D) K-Means Clustering

Answer: C) Convolutional Neural Networks (CNNs)

Question 5

Which deep learning technique is commonly applied in recommendation systems? A)


Support Vector Machines
B) Autoencoders
C) K-Nearest Neighbors
D) Linear Regression

Answer: B) Autoencoders

Question 6
What role does transfer learning play in deep learning applications? A) It improves training
time by using pre-trained models.
B) It generates new data points from existing data.
C) It simplifies the model architecture.
D) It reduces the dimensionality of data.

Answer: A) It improves training time by using pre-trained models.

Question 7

In the context of deep learning for healthcare, which of the following applications is
commonly explored? A) Stock price prediction
B) Drug discovery
C) Weather forecasting
D) Traffic prediction

Answer: B) Drug discovery

You might also like