Grade – 12 – Computer Science – Advanced Topics in Machine Learning and AI – Multiple Choice Questions

Multiple Choice Questions

Advanced Topics in Machine Learning and AI

Topic: Artificial Neural Networks

Grade: 12

Question 1:
Which activation function is commonly used in the hidden layers of a neural network?
a) Sigmoid
b) Linear
c) ReLU
d) Softmax

Answer: c) ReLU

Explanation: The Rectified Linear Unit (ReLU) activation function is commonly used in the hidden layers of a neural network. It is defined as f(x) = max(0, x). ReLU helps in overcoming the vanishing gradient problem and is computationally efficient. For example, in an image classification task, ReLU can help the network learn to detect edges and shapes in the hidden layers.

Question 2:
What is the purpose of the softmax activation function in the output layer of a neural network?
a) To normalize the output values
b) To introduce non-linearity
c) To handle multi-class classification problems
d) To calculate the loss function

Answer: c) To handle multi-class classification problems

Explanation: The softmax activation function is used in the output layer of a neural network when dealing with multi-class classification problems. It converts the output values into probabilities, where each value represents the probability of the input belonging to a particular class. For example, in a handwritten digit recognition task, softmax can be used to classify the input image as one of the ten possible digits (0-9).

Topic: Reinforcement Learning

Grade: 12

Question 3:
Which algorithm is used to estimate the value function in Reinforcement Learning?
a) Q-Learning
b) Policy Gradient
c) Monte Carlo
d) Temporal Difference

Answer: d) Temporal Difference

Explanation: Temporal Difference (TD) learning is a widely used algorithm in Reinforcement Learning to estimate the value function. It combines elements of both Monte Carlo and dynamic programming. TD learning updates the value function based on the difference between the current estimate and the estimate obtained from the next state. For example, in a game-playing agent, TD learning can be used to estimate the value of each state-action pair to make optimal decisions.

Question 4:
What is the role of an exploration strategy in Reinforcement Learning?
a) To exploit the current best action
b) To explore different actions and learn about the environment
c) To calculate the reward function
d) To update the value function

Answer: b) To explore different actions and learn about the environment

Explanation: In Reinforcement Learning, an exploration strategy is used to explore different actions and learn about the environment. It helps in discovering new and potentially better actions that can improve the agent\’s performance. For example, in a maze-solving task, an exploration strategy can guide the agent to explore different paths to find the optimal route.

Topic: Natural Language Processing

Grade: 12

Question 5:
Which technique is commonly used to represent words in a language model?
a) Bag-of-Words
b) Word2Vec
c) TF-IDF
d) LSTM

Answer: b) Word2Vec

Explanation: Word2Vec is a popular technique used to represent words in a language model. It maps words to high-dimensional vectors in such a way that similar words have similar vector representations. Word2Vec captures the semantic relationships between words by training on a large corpus of text. For example, in a text classification task, Word2Vec can be used to represent words as continuous vectors, allowing the model to understand the meaning and context of words.

Question 6:
What is the purpose of a language model in Natural Language Processing?
a) To predict the next word in a sequence
b) To perform sentiment analysis
c) To calculate the word frequency
d) To tokenize the text

Answer: a) To predict the next word in a sequence

Explanation: A language model in Natural Language Processing is used to predict the next word in a sequence of words. It is trained on a large corpus of text and learns the statistical patterns and relationships between words. For example, in a machine translation task, a language model can be used to predict the most probable next word based on the context, helping in generating accurate translations.

Topic: Deep Learning

Grade: 12

Question 7:
Which layer in a Convolutional Neural Network (CNN) reduces the spatial dimensions of the input?
a) Convolutional layer
b) Pooling layer
c) Fully connected layer
d) Activation layer

Answer: b) Pooling layer

Explanation: The pooling layer in a Convolutional Neural Network (CNN) reduces the spatial dimensions of the input. It does this by down-sampling the input feature maps, reducing the resolution while retaining the most important features. For example, in an image classification task, a pooling layer can reduce the dimensions of the feature maps, making the network more computationally efficient and reducing overfitting.

Question 8:
What is the purpose of batch normalization in deep learning?
a) To normalize the input data
b) To reduce overfitting
c) To speed up the training process
d) To add non-linearity to the model

Answer: c) To speed up the training process

Explanation: Batch normalization in deep learning is used to speed up the training process. It normalizes the activations of each layer by subtracting the batch mean and dividing by the batch standard deviation. This helps in reducing the internal covariate shift and allows for faster convergence during training. For example, in a deep neural network for image recognition, batch normalization can significantly reduce the training time by normalizing the activations at each layer.

Topic: Generative Adversarial Networks (GANs)

Grade: 12

Question 9:
What is the role of the generator in a Generative Adversarial Network (GAN)?
a) To generate realistic samples from random noise
b) To discriminate between real and fake samples
c) To optimize the loss function
d) To update the discriminator\’s weights

Answer: a) To generate realistic samples from random noise

Explanation: The generator in a Generative Adversarial Network (GAN) is responsible for generating realistic samples from random noise. It takes as input a random noise vector and transforms it into a sample that resembles the training data. For example, in a GAN trained on generating realistic images, the generator can generate new images that look similar to the training images by learning the underlying patterns and structures.

Question 10:
What is the objective of the discriminator in a Generative Adversarial Network (GAN)?
a) To generate realistic samples
b) To optimize the loss function
c) To classify real and fake samples
d) To update the generator\’s weights

Answer: c) To classify real and fake samples

Explanation: The discriminator in a Generative Adversarial Network (GAN) is responsible for classifying real and fake samples. It takes as input a sample and outputs a probability value indicating whether the sample is real or fake. The objective of the discriminator is to accurately distinguish between the two types of samples. For example, in a GAN trained on generating realistic images, the discriminator can learn to classify whether an image is real or generated by the generator.

Topic: Computer Vision

Grade: 12

Question 11:
Which technique is commonly used for image segmentation?
a) Convolutional Neural Networks (CNN)
b) Support Vector Machines (SVM)
c) K-means clustering
d) Principal Component Analysis (PCA)

Answer: a) Convolutional Neural Networks (CNN)

Explanation: Convolutional Neural Networks (CNN) are commonly used for image segmentation tasks. CNNs can learn to automatically segment images by extracting features at different spatial scales and locations. For example, in a medical imaging task, a CNN can be trained to segment different organs or abnormalities in the images by learning the patterns and structures specific to each class.

Question 12:
What is the purpose of object detection in computer vision?
a) To classify images into different categories
b) To label objects in an image with bounding boxes
c) To generate new images that resemble the training data
d) To reduce the dimensionality of the input data

Answer: b) To label objects in an image with bounding boxes

Explanation: Object detection in computer vision is used to label objects in an image with bounding boxes. It involves both classifying the objects present in the image and localizing their positions. For example, in an autonomous driving system, object detection can be used to detect and label pedestrians, vehicles, and traffic signs in real-time, allowing the vehicle to make informed decisions based on the detected objects.

Topic: Natural Language Processing

Grade: 12

Question 13:
Which algorithm is commonly used for named entity recognition in Natural Language Processing?
a) Hidden Markov Models (HMM)
b) Support Vector Machines (SVM)
c) Recurrent Neural Networks (RNN)
d) K-means clustering

Answer: c) Recurrent Neural Networks (RNN)

Explanation: Recurrent Neural Networks (RNN) are commonly used for named entity recognition in Natural Language Processing. RNNs can learn to capture the sequential dependencies in the input text, allowing them to identify and classify named entities. For example, in a text analysis task, an RNN can be used to recognize and classify entities such as persons, organizations, locations, and dates in a given text.

Question 14:
What is the purpose of word embeddings in Natural Language Processing?
a) To represent words as continuous vectors
b) To calculate the word frequency
c) To perform sentiment analysis
d) To tokenize the text

Answer: a) To represent words as continuous vectors

Explanation: Word embeddings in Natural Language Processing are used to represent words as continuous vectors. They capture the semantic relationships between words by mapping them to high-dimensional vectors. Word embeddings allow the model to understand the meaning and context of words. For example, in a text classification task, word embeddings can be used as input features for the model, enabling it to capture the semantic similarities between words and make accurate predictions.

Topic: Deep Learning

Grade: 12

Question 15:
What is the purpose of dropout regularization in deep learning?
a) To speed up the training process
b) To reduce overfitting
c) To add non-linearity to the model
d) To normalize the input data

Answer: b) To reduce overfitting

Explanation: Dropout regularization in deep learning is used to reduce overfitting. It randomly sets a fraction of the input units to 0 at each training iteration, forcing the model to learn more robust and generalizable features. Dropout prevents the model from relying too much on specific input units and encourages it to learn multiple independent representations. For example, in a deep neural network for image recognition, dropout can prevent the model from overfitting to the training data and improve its generalization performance.

Leave a Comment

Your email address will not be published. Required fields are marked *

Shopping Cart
error: Content cannot be copied. it is protected !!
Scroll to Top