0% found this document useful (0 votes)
46 views32 pages

Machine MCQ

The document consists of multiple-choice questions and answers related to supervised and unsupervised learning algorithms in machine learning. It covers various topics including the definitions, applications, and characteristics of different algorithms such as Decision Trees, Random Forests, K-means clustering, and Naive Bayes. Additionally, it discusses concepts like overfitting, dimensionality reduction, and evaluation metrics used in machine learning.

Uploaded by

martaegigu852
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
46 views32 pages

Machine MCQ

The document consists of multiple-choice questions and answers related to supervised and unsupervised learning algorithms in machine learning. It covers various topics including the definitions, applications, and characteristics of different algorithms such as Decision Trees, Random Forests, K-means clustering, and Naive Bayes. Additionally, it discusses concepts like overfitting, dimensionality reduction, and evaluation metrics used in machine learning.

Uploaded by

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

1. Which of the following is a supervised learning algorithm?

a. K-means clustering
b. Decision tree
c. Principal Component Analysis (PCA)
d. Apriori algorithm

Answer: b. Decision tree

2. Imagine a Newly-Born starts to learn walking. It will try to


find a suitable
policy to learn walking after repeated falling and getting
up.specify what type of
machine learning is best suited?
A. classification
B. regression
C. kmeans algorithm
D. reinforcement learning
Answer:D

2. In supervised learning, the training dataset consists of:


a. Input features only
b. Output labels only
c. Input features and output labels
d. None of the above

Answer: c. Input features and output labels

3. Which supervised learning algorithm is known for its ability to handle both
classification and regression tasks?
a. Support Vector Machines (SVM)
b. Random Forest
c. K-nearest neighbors (KNN)
d. Linear Regression

Answer: b. Random Forest

4. The main objective of a classification algorithm in supervised learning is to:


a. Predict continuous values
b. Determine the optimal number of clusters
c. Assign input data to predefined categories or classes
d. Identify patterns in unlabeled data

Answer: c. Assign input data to predefined categories or classes

5. Which supervised learning algorithm is based on the concept of "nearest


neighbors"?
a. K-means clustering
b. Decision tree
c. Naive Bayes
d. K-nearest neighbors (KNN)

Answer: d. K-nearest neighbors (KNN)

6. Which algorithm is used to minimize the errors between predicted and


actual outputs in supervised learning?
a. Decision tree
b. Gradient Boosting
c. K-means clustering
d. Principal Component Analysis (PCA)

Answer: b. Gradient Boosting

7. Which algorithm is prone to overfitting in supervised learning?


a. Logistic Regression
b. Support Vector Machines (SVM)
c. K-means clustering
d. Linear Regression

Answer: a. Logistic Regression

8. Which supervised learning algorithm is an ensemble method that combines


multiple weak learners to make predictions?
a. K-means clustering
b. Random Forest
c. Naive Bayes
d. K-nearest neighbors (KNN)
Answer: b. Random Forest

9. The term "supervised" in supervised learning refers to:


a. The presence of a teacher or supervisor during the learning process
b. The use of labeled data for training
c. The requirement of human supervision for algorithm execution
d. The need for a predefined set of rules for decision making

Answer: b. The use of labeled data for training

10. Which algorithm is suitable for handling multi-class classification problems


in supervised learning?
a. Linear Regression
b. Decision tree
c. Naive Bayes
d. Multinomial Logistic Regression

Answer: b. Decision tree

11. Which supervised learning algorithm uses hyperplanes to separate


classes?
a. K-means clustering
b. Random Forest
c. Support Vector Machines (SVM)
d. K-nearest neighbors (KNN)

Answer: c. Support Vector Machines (SVM)

12. Which supervised learning algorithm is based on the Bayes' theorem?


a. K-means clustering
b. Decision tree
c. Naive Bayes
d. Linear Regression

Answer: c. Naive Bayes

13. Which algorithm uses an ensemble of weak decision trees to make


predictions?
a. K-means clustering
b. Random Forest
c. Na

ive Bayes
d. K-nearest neighbors (KNN)

Answer: b. Random Forest

14. Which supervised learning algorithm is used for time series forecasting?
a. Linear Regression
b. Decision tree
c. Recurrent Neural Networks (RNN)
d. Multinomial Logistic Regression

Answer: c. Recurrent Neural Networks (RNN)

15. Which algorithm is used for feature extraction in supervised learning?


a. Principal Component Analysis (PCA)
b. Decision tree
c. Naive Bayes
d. Linear Regression

Answer: a. Principal Component Analysis (PCA)

16. Which supervised learning algorithm is prone to the "curse of


dimensionality"?
a. K-means clustering
b. Random Forest
c. K-nearest neighbors (KNN)
d. Support Vector Machines (SVM)

Answer: c. K-nearest neighbors (KNN)

17. Which algorithm is commonly used for sentiment analysis in supervised


learning?
a. Linear Regression
b. Decision tree
c. Naive Bayes
d. Multinomial Logistic Regression

Answer: c. Naive Bayes

18. Which supervised learning algorithm aims to find the line that best fits the
given data points?
a. Linear Regression
b. Decision tree
c. Support Vector Machines (SVM)
d. K-means clustering

Answer: a. Linear Regression

19. Which algorithm is used to reduce the dimensionality of the input features
in supervised learning?
a. K-means clustering
b. Random Forest
c. Principal Component Analysis (PCA)
d. K-nearest neighbors (KNN)

Answer: c. Principal Component Analysis (PCA)

20. Which supervised learning algorithm is based on the concept of "error


backpropagation"?
a. Linear Regression
b. Decision tree
c. Artificial Neural Networks (ANN)
d. Multinomial Logistic Regression

Answer: c. Artificial Neural Networks (ANN)

21. Which algorithm is used for imputing missing values in supervised


learning?
a. K-means clustering
b. Random Forest
c. Support Vector Machines (SVM)
d. K-nearest neighbors (KNN)
Answer: d. K-nearest neighbors (KNN)

22. Which supervised learning algorithm is suitable for handling imbalanced


datasets?
a. Logistic Regression
b. Decision tree
c. Naive Bayes
d. Random Forest

Answer: d. Random Forest

23. Which algorithm is used for collaborative filtering in supervised learning?


a. Linear Regression
b. Decision tree
c. K-nearest neighbors (KNN)
d. Multinomial Logistic Regression

Answer: c. K-nearest neighbors (KNN)

24. Which supervised learning algorithm uses a cost function based on the
hinge loss?
a. Linear Regression
b. Decision tree
c. Support Vector Machines (SVM)
d. Naive Bayes

Answer: c. Support Vector Machines (SVM)

25. Which algorithm is used for time series forecasting with recurrent
connections?
a. Linear Regression
b. Decision tree
c. Long Short-Term Memory (LSTM)
d. Multinomial Logistic Regression

Answer: c. Long Short-Term Memory (LSTM)


26. Which supervised learning algorithm is sensitive to outliers in the training
data?
a. Logistic Regression
b. Decision tree
c. Support Vector Machines (SVM)
d. Random Forest

Answer

: b. Decision tree

27. Which algorithm is used for dimensionality reduction by preserving


pairwise distances?
a. K-means clustering
b. Random Forest
c. Support Vector Machines (SVM)
d. t-distributed Stochastic Neighbor Embedding (t-SNE)

Answer: d. t-distributed Stochastic Neighbor Embedding (t-SNE)

28. Which supervised learning algorithm is used for text classification?


a. Linear Regression
b. Decision tree
c. Naive Bayes
d. Multinomial Logistic Regression

Answer: c. Naive Bayes

29. Which algorithm is used for detecting anomalies in supervised learning?


a. Linear Regression
b. Decision tree
c. Isolation Forest
d. K-means clustering

Answer: c. Isolation Forest

30. Which supervised learning algorithm is used for recommendation systems?


a. Linear Regression
b. Decision tree
c. Support Vector Machines (SVM)
d. Collaborative Filtering

Answer: d. Collaborative Filtering

Unsupervised Learning Algorithms MCQs


1. Which of the following is an unsupervised learning algorithm?

a. Decision tree
b. K-means clustering
c. Random Forest
d. Support Vector Machines (SVM)

Answer: b. K-means clustering

2. In unsupervised learning, the training dataset consists of:


a. Input features only
b. Output labels only
c. Input features and output labels
d. None of the above

Answer: a. Input features only

3. Which unsupervised learning algorithm is used for dimensionality


reduction?
a. Principal Component Analysis (PCA)
b. Decision tree
c. Naive Bayes
d. Linear Regression
Answer: a. Principal Component Analysis (PCA)

4. The main objective of clustering algorithms in unsupervised


learning is to:
a. Predict continuous values
b. Determine the optimal number of clusters
c. Assign input data to predefined categories or classes
d. Identify patterns in unlabeled data

Answer: b. Determine the optimal number of clusters

5. Which unsupervised learning algorithm is based on the concept of


"nearest neighbors"?
a. K-means clustering
b. Hierarchical clustering
c. Naive Bayes
d. K-nearest neighbors (KNN)

Answer: b. Hierarchical clustering

6. Which algorithm is used to identify patterns or relationships in


unlabeled data?
a. Decision tree
b. Association rule mining
c. K-means clustering
d. Principal Component Analysis (PCA)

Answer: b. Association rule mining

7. Which unsupervised learning algorithm is used for outlier detection?


a. Logistic Regression
b. Decision tree
c. Support Vector Machines (SVM)
d. Isolation Forest
Answer: d. Isolation Forest

8. Which algorithm is used for finding similar items or grouping similar


data points together?
a. K-means clustering
b. Random Forest
c. Support Vector Machines (SVM)
d. Nearest Neighbors

Answer: d. Nearest Neighbors

9. Which unsupervised learning algorithm is used for market basket


analysis?
a. Apriori algorithm
b. Decision tree
c. Naive Bayes
d. Linear Regression

Answer: a. Apriori algorithm

10. Which algorithm is used for recommendation systems?


a. Linear Regression
b. Decision tree
c. Collaborative Filtering
d. Multinomial Logistic Regression

Answer: c. Collaborative Filtering

11. Which unsupervised learning algorithm is used for finding the


underlying structure or patterns in data?
a. K-means clustering
b. Random Forest
c. Principal Component Analysis (PCA)
d. Naive Bayes
Answer: c. Principal Component Analysis (PCA)

12. Which algorithm is used for text document clustering?


a. K-means clustering
b. Decision tree
c. Naive Bayes
d. Hierarchical clustering

Answer: a. K-means clustering

13. Which unsupervised learning algorithm is used for density


estimation?
a. Linear Regression
b. Decision tree
c. Gaussian Mixture Models (GMM)
d. Support Vector Machines (SVM)

Answer: c. Gaussian Mixture Models (GMM)

14. Which algorithm is used for dimensionality reduction while


preserving the neighborhood

relationships of the data points?


a. K-means clustering
b. Random Forest
c. t-distributed Stochastic Neighbor Embedding (t-SNE)
d. Support Vector Machines (SVM)

Answer: c. t-distributed Stochastic Neighbor Embedding (t-SNE)

15. Which unsupervised learning algorithm is used for market


segmentation?
a. Linear Regression
b. Decision tree
c. K-means clustering
d. Naive Bayes

Answer: c. K-means clustering

16. Which algorithm is used for anomaly detection in unsupervised


learning?
a. Linear Regression
b. Decision tree
c. Support Vector Machines (SVM)
d. Isolation Forest

Answer: d. Isolation Forest

17. Which unsupervised learning algorithm is used for finding


frequent itemsets?
a. Linear Regression
b. Decision tree
c. Apriori algorithm
d. Naive Bayes

Answer: c. Apriori algorithm

18. Which algorithm is used for clustering data points based on their
density?
a. K-means clustering
b. DBSCAN
c. Support Vector Machines (SVM)
d. Nearest Neighbors

Answer: b. DBSCAN

19. Which unsupervised learning algorithm is used for data


visualization?
a. Principal Component Analysis (PCA)
b. Decision tree
c. Naive Bayes
d. Linear Regression

Answer: a. Principal Component Analysis (PCA)

20. Which algorithm is used for finding association rules among items
in a transactional dataset?
a. K-means clustering
b. Random Forest
c. Association rule mining
d. Support Vector Machines (SVM)

Answer: c. Association rule mining

21. Which unsupervised learning algorithm is used for image


compression?
a. Linear Regression
b. Decision tree
c. K-means clustering
d. Naive Bayes

Answer: c. K-means clustering

22. Which algorithm is used for community detection in social


network analysis?
a. Linear Regression
b. Decision tree
c. Spectral Clustering
d. Multinomial Logistic Regression

Answer: c. Spectral Clustering


25. Which unsupervised learning algorithm is used for document
topic modeling?
a. Linear Regression
b. Decision tree
c. Latent Dirichlet Allocation (LDA)
d. Support Vector Machines (SVM)

Answer: c. Latent Dirichlet Allocation (LDA)

26. Which algorithm is used for clustering data points based on their
connectivity?
a. K-means clustering
b. Random Forest
c. Mean Shift
d. Nearest Neighbors

Answer: c. Mean Shift

27. Which unsupervised learning algorithm is used for reducing the


dimensionality of text data?
a. Principal Component Analysis (PCA)
b. Decision

tree
c. Latent Semantic Analysis (LSA)
d. Naive Bayes

Answer: c. Latent Semantic Analysis (LSA)

29. Which unsupervised learning algorithm is used for market basket


analysis with transaction weighting?
a. Linear Regression
b. Decision tree
c. Weighted Association rule mining
d. Naive Bayes
Answer: c. Weighted Association rule mining

Question 1: What is the main goal of machine learning?


a) To make computers intelligent
b) To automate manual tasks
c) To enable computers to learn from data
d) To create self-aware machines

Answer: c) To enable computers to learn from data

Question 2: In machine learning, what is a model?


a) A physical machine that performs computations
b) A representation of the data
c) A set of training examples
d) A type of computer algorithm

Answer: b) A representation of the data

Question 3: Which of the following is a supervised learning task?


a) Clustering
b) Reinforcement learning
c) Dimensionality reduction
d) Classification

Answer: d) Classification

Question 4: Which evaluation metric is commonly used for classification tasks


when class imbalance is present?
a) Mean Squared Error (MSE)
b) Accuracy
c) F1-score
d) R-squared

Answer: c) F1-score

Question 5: What is the purpose of the validation set in machine learning?


a) To train the model
b) To fine-tune hyperparameters
c) To test the model's generalization
d) To provide additional training data

Answer: b) To fine-tune hyperparameters

Question 6: Which type of machine learning algorithm aims to mimic the process
of human learning?
a) Supervised learning
b) Unsupervised learning
c) Reinforcement learning
d) Deep learning
Answer: c) Reinforcement learning

Question 7: What does the term "overfitting" refer to in machine learning?


a) When a model performs well on the training data but poorly on new data
b) When a model performs well on new data but poorly on the training data
c) When a model perfectly fits the training data
d) When a model is too simple to capture the underlying patterns

Answer: a) When a model performs well on the training data but poorly on new
data

Question 8: Which machine learning algorithm is suitable for solving regression


problems?
a) K-Means clustering
b) Random Forest
c) K-Nearest Neighbors (KNN)
d) Apriori algorithm

Answer: b) Random Forest

Question 9: Which technique is used to reduce the dimensionality of data while


preserving as much information as possible?
a) Clustering
b) Feature extraction
c) Feature selection
d) Regularization

Answer: b) Feature extraction

Question 10: What is the purpose of the bias term in a linear regression model?
a) To handle outliers
b) To avoid overfitting
c) To model the noise in the data
d) To shift the regression line up or down

Answer: d) To shift the regression line up or down

Question 11: Which algorithm is used for finding frequent itemsets in transactional
databases?
a) Decision Trees
b) K-Means clustering
c) Apriori algorithm
d) Support Vector Machines (SVM)

Answer: c) Apriori algorithm

Question 12: In the context of machine learning, what is the term "bias-variance
trade-off" referring to?
a) The trade-off between the quality of training data and testing data
b) The trade-off between the complexity of a model and its ability to generalize
c) The trade-off between the number of features and the size of the dataset
d) The trade-off between precision and recall in classification

Answer: b) The trade-off between the complexity of a model and its ability to
generalize

Question 13: Which algorithm is used for hierarchical clustering?


a) K-Means clustering
b) Agglomerative clustering
c) DBSCAN
d) Principal Component Analysis (PCA)

Answer: b) Agglomerative clustering

Question 14: Which method can be used to handle missing data in a dataset?
a) Removing the entire column with missing data
b) Replacing missing data with the median value of the column
c) Ignoring the rows with missing data during analysis
d) All of the above

Answer: d) All of the above

Question 15: In a neural network, what are the layers between the input and output
layers called?
a) Hidden layers
b) Output layers
c) Feature layers
d) Input layers

Answer: a) Hidden layers

Question 16: Which optimization algorithm is commonly used to update the


weights of neural networks during training?
a) Gradient Descent
b) K-Means
c) Apriori algorithm
d) Decision Trees

Answer: a) Gradient Descent

Question 17: Which technique is used to combat the vanishing gradient problem in
deep neural networks?
a) ReLU activation function
b) Sigmoid activation function
c) Tanh activation function
d) Batch normalization

Answer: a) ReLU activation function

Question 18: Which machine learning algorithm is inspired by the functioning of


the human brain's neural networks?
a) K-Means clustering
b) Decision Trees
c) Support Vector Machines (SVM)
d) Artificial Neural Networks

Answer: d) Artificial Neural Networks

Question 19: Which ensemble learning method combines multiple weak learners to
create a strong learner?
a) K-Means clustering
b) Decision Trees
c) Gradient Boosting
d) K-Nearest Neighbors (KNN)

Answer: c) Gradient Boosting

Question 20: In the context of Support Vector Machines (SVM), what is the "kernel
trick"?
a) A technique to add more features to the dataset
b) A method to increase the regularization term
c) A way to perform dimensionality reduction
d) A way to implicitly map data to higher-dimensional spaces

Answer: d) A way to implicitly map data to higher-dimensional spaces

Question 21: Which type of learning is characterized by an agent learning through


interactions with an environment and receiving rewards?
a) Supervised learning
b) Unsupervised learning
c) Reinforcement learning
d) Semi-supervised learning

Answer: c) Reinforcement learning

Question 22: What is the primary goal of feature scaling in machine learning?
a) To convert categorical features into numerical features
b) To normalize the feature values to a standard range
c) To create new features from existing ones
d) To reduce the number of features in the dataset

Answer: b) To normalize the feature values to a standard range

Question 23: Which machine learning algorithm is sensitive to the scale of features
and requires feature scaling?
a) Decision Trees
b) K-Means clustering
c) Support Vector Machines (SVM)
d) Naive Bayes

Answer: c) Support Vector Machines (SVM)


Question 24: In a k-fold cross-validation, how is the dataset divided?
a) It is divided into \(k\) equal subsets
b) It is divided into \(k-1\) training subsets and 1 validation subset
c) It is divided into training and testing subsets based on a ratio
d) It is divided randomly into disjoint subsets

Answer: b) It is divided into \(k-1\) training subsets and 1 validation subset

Question 25: Which technique is used to reduce the impact of noise and outliers in
a dataset?
a) Feature extraction
b) Regularization
c) Cross-validation
d) Principal Component Analysis (PCA)

Answer: b) Regularization

Question 26: Which algorithm is used for finding the optimal clustering of data
points?
a) Random Forest
b) K-Means clustering
c) Support Vector Machines (SVM)
d) Hierarchical clustering

Answer: b) K-Means clustering

Question 27: What is the primary purpose of a decision tree's leaf nodes?
a) To make predictions
b) To split the data
c) To represent features
d) To store feature values

Answer: a) To make predictions

Question 28: Which machine learning approach is based on the assumption that
similar data points are more likely to have the same labels?
a) Clustering
b) Classification
c) Regression
d) Anomaly detection

Answer: a) Clustering

Question 29: In a precision-recall curve, which axis represents precision?


a) Horizontal axis
b) Vertical axis
c) Both axes equally
d) None of the above

Answer: b) Vertical axis


Question 30: What is the purpose of regularization in linear regression?
a) To make the model more complex
b) To avoid underfitting
c) To encourage overfitting
d) To reduce the complexity of the model

Answer: b) To avoid underfitting

Reinforcement Learning MCQs


1. Reinforcement learning is a ____

A. Prediction-based learning technique


B. Feedback-based learning technique
C. History results-based learning technique

Answer: B) Feedback-based learning technique

Explanation:

Reinforcement learning is a feedback-based learning technique.

Discuss this Question

2. How many types of feedback does reinforcement provide?

A. 1
B. 2
C. 3
D. 4

Answer: B) 2

Explanation:

Reinforcement learning gives two types of feedback: positive and negative.

Discuss this Question

3. Which kind of data does reinforcement learning use?

A. Labeled data
B. Unlabelled data
C. None
D. Both
Answer: C) None

Explanation:

Reinforcement learning does not use any type of data.

Discuss this Question

4. Reinforcement learning methods learned through ____?

A. Experience
B. Predictions
C. Analyzing the data

Answer: A) Experience

Explanation:

Reinforcement learning learns through experience.

Discuss this Question

5. How many types of machine learning are there?

A. 2
B. 3
C. 4
D. 5

Answer: C) 4

Explanation:

Four types of machine learning are there: Supervised, unsupervised, semi-supervised, and
reinforcement.

Discuss this Question

6. Which of the following is the practical example of reinforcement learning?

A. House pricing prediction


B. Market basket analysis
C. Text classification
D. Driverless cars
Answer: D) Driverless cars

Explanation:

Driverless cars are the product of reinforcement learning concepts.

Discuss this Question

7. What is an agent in reinforcement learning?

A. Agent is the situation in which rewards are being exchanged


B. Agent is the simple value in reinforcement learning.
C. An agent is an entity that explores the environment.

Answer: C) An agent is an entity that explores the environment.

Explanation:

An agent is an entity that explores the environment.

Discuss this Question

8. What is the environment in reinforcement learning?

A. Environment is a situation that is based on the current state


B. Environment is a situation in which an agent is present.
C. Environment is similar to feedback
D. Environment is a situation that the agent returns as a result.

Answer: B) Environment is a situation in which an agent is present.

Explanation:

Environment is a situation in which an agent is present.

Discuss this Question

9. What are actions in reinforcement learning?

A. Actions are the moves that the agent takes inside the environment.
B. Actions are the function that the environment takes.
C. Actions are the feedback that an agent provides.

Answer: A) Actions are the moves that the agent takes inside the environment.
Explanation:

Actions are the moves that the agent takes inside the environment.

Discuss this Question

10. What is the state of reinforcement learning?

A. State is a situation in which an agent is present.


B. A state is the simple value of reinforcement learning.
C. A state is a result returned by the environment after an agent takes an action.

Answer: C) A state is a result returned by the environment after an agent takes an action.

Explanation:

A state is a result returned by the environment after an agent takes an action.

Discuss this Question

11. What are the Rewards of Reinforcement learning?

A. An agent's action is evaluated based on feedback returned from the environment.


B. Environment gives value in return which is known as a reward.
C. A reward is a result returned by the environment after an agent takes an action.

Answer: A) An agent's action is evaluated based on feedback returned from the environment.

Explanation:

An agent's action is evaluated based on feedback returned from the environment is known as
rewards.

Discuss this Question

12. What is the Policy in reinforcement learning?

A. The agent's policy determines what environment model should be decided


B. The agent's policy determines what action to take based on the current state.
C. The agent's policy determines what the state reward would be.

Answer: B) The agent's policy determines what action to take based on the current state.

Explanation:
The agent's policy determines what action to take based on the current state.

Discuss this Question

13. Does reinforcement learning follow the concept of the Hit and try method?

A. Yes
B. No

Answer: A) YES

Explanation:

Yes, reinforcement learning follows the concept of the hit-and-try method.

Discuss this Question

14. In how many ways can you implement reinforcement learning?

A. 2
B. 3
C. 4
D. 5

Answer: B) 3

Explanation:

In three ways we can implement reinforcement learning:

 Value-based
 Policy-based
 Model-based

Discuss this Question

15. In which of the following approaches of reinforcement learning, do we find the


optimal value function?

A. Value-based
B. Policy-based
C. Model-based

Answer: A) Value-based
Explanation:

In a Value-based approach to reinforcement learning, we find the optimal value function.

Discuss this Question

16. How many types of policy-based approaches are there in reinforcement learning?

A. 1
B. 2
C. 3
D. 4

Answer: B) 2

Explanation:

There are two types of policy-based approaches:

 Deterministic
 Stochastic

Discuss this Question

17. In which of the following approaches of reinforcement learning, a virtual model is


created for the environment?

A. Value-based
B. Policy-based
C. Model-based

Answer: C) Model-based

Explanation:

Model-based approach of reinforcement learning, a virtual model is created for the


environment.

Discuss this Question

18. ____ is a synonym for random and probabilistic?

A. Deterministic
B. Stochastic
Answer: B) Stochastic

Explanation:

Stochastic is a synonym for random and probabilistic variables.

Discuss this Question

19. How many elements does reinforcement learning consist of?

A. 2
B. 3
C. 4
D. 5

Answer: C) 4

Explanation:

Mainly there are four types of reinforcement learning:

 Policy
 Reward Signal
 Value Function
 Model of the environment

Discuss this Question

20. The agent's main objective is to ____the total number of rewards for good actions.?

A. Minimize
B. Maximize
C. Null

Answer: B) Maximize

Explanation:

The agent's main objective is to maximize the total number of rewards for good actions.

Discuss this Question

21. Reinforcement learning is defined by the ____?

A. Policy
B. Reward Signal
C. Value Function
D. Model of the environment

Answer: B) Reward Signal

Explanation:

Reinforcement learning is defined by the Reward signal.

Discuss this Question

22. Which element in reinforcement learning defines the behavior of the agent?

A. Policy
B. Reward Signal
C. Value Function
D. Model of the environment

Answer: A) Policy

Explanation:

Policy elements in reinforcement learning define the behavior of the agent.

Discuss this Question

23. Can reward signals change the policy?

A. Yes
B. No

Answer: A) YES

Explanation:

Reward signals can change the policy.

Discuss this Question

24. On which of the following elements of reinforcement learning, the reward that an
agent can expect is dependent?

A. Policy
B. Reward Signal
C. Value Function
D. Model of the environment

Answer: C) Value Function

Explanation:

On the value function, the reward that the agent can expect is dependent.

Discuss this Question

25. Which of the following elements of reinforcement learning imitates the behavior of
the environment?

A. Policy
B. Reward Signal
C. Value Function
D. Model of the environment

Answer: D) Model of the environment

Explanation:

The model imitates the behavior of the environment.

Discuss this Question

26. The approach in which reinforcement learning problems are solved with the help of
models is known as ____?

A. Model-based approach
B. Model-free approach
C. Model known approach

Answer: A) Model-based approach

Explanation:

The approach in which reinforcement learning problems are solved with the help of models is
known as model-based approach.

Discuss this Question

27. Who introduced the Bellman equation?


A. Richard Ernest Bellman
B. Alfonso Shimbel
C. Edsger W. Dijkstra

Answer: A) Richard Ernest Bellman

Explanation:

Richard Ernest Bellman introduced the Bellman equation.

Discuss this Question

28. Gamma (γ) in the bellman equation is known as?

A. Value factor
B. Discount factor
C. Environment factor

Answer: B) Discount factor

Explanation:

Gamma (γ) in the bellman equation is known as the Discount factor.

Discuss this Question

29. How many types of reinforcement learning?

A. 3
B. 4
C. 2
D. 5

Answer: C) 2

Explanation:

There are two types of reinforcement learning:

 Positive Reinforcement
 Negative Reinforcement

Discuss this Question


30. In which of the following types of reinforcement learning do we add something that
increases the likelihood of repeating expected behavior?

A. Positive Reinforcement
B. Negative Reinforcement

Answer: A) Positive Reinforcement

Explanation:

In positive reinforcement learning types of reinforcement learning we add something that


increases the likelihood of repeating expected behavior

Q20) Imagine you are solving a classification problem with a highly


imbalanced class.

The majority class is observed 99% of the time in the training data. Your
model has 99% accuracy after taking the predictions on the test set. Which
of the following is true in such a case?

1. The accuracy metric is not a good idea for imbalanced class problems.

2. The accuracy metric is a good idea for imbalanced class problems.

3. Precision and recall metrics are good for imbalanced class problems.

4. Precision and recall metrics aren’t good for imbalanced class problems.

A) 1 and 3
B) 1 and 4
C) 2 and 3
D) 2 and 4

Solution: (A)

Q22) Which of the following options is/are true for K-fold cross-validation?

1. An increase in K will result in a higher time required to cross-validate the result.

2. Higher values of K will result in higher confidence in the cross-validation result as

compared to a lower value of K.


3. If K=N, then it is called Leave one out cross validation, where N is the number of

observations.

A) 1 and 2
B) 2 and 3
C) 1 and 3
D) 1,2 and 3

Answer D

Q36) Imagine you are working on a project which is a binary classification


problem.

You trained a model on the training dataset and got the below confusion

matrix on the validation dataset.


Based on the above confusion matrix, choose which option(s) below will give
you the correct
predictions.

1. Accuracy is ~0.91

2. Misclassification rate is ~ 0.91

3. True Negative rate is ~0.95

4. True positive rate is ~0.95

A) 1 and 3
B) 2 and 4
C) 1 and 4
D) 2 and 3

Solution: (C)

The Accuracy (correct classification) is (50+100)/165 which is nearly equal to


0.91.

The true Positive Rate is how many times you are predicting positive class
correctly, so the true positive rate would be 100/105 = 0.95, also known as
“Sensitivity” or “Recall”

97. What is the Accuracy in percentage based on following


confusion matrix of
three class classification.
Confusion Matrix C=
[14 0 0]
[ 1 15 0]
[ 0 0 6]
A. 0.75
View all MCQ's at McqMate.comB. 0.97
C. 0.95
D. 0.85

You might also like