Machine MCQ
Machine MCQ
a. K-means clustering
b. Decision tree
c. Principal Component Analysis (PCA)
d. Apriori algorithm
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
ive Bayes
d. K-nearest neighbors (KNN)
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
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
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)
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
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
: b. Decision tree
a. Decision tree
b. K-means clustering
c. Random Forest
d. Support Vector Machines (SVM)
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
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)
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
tree
c. Latent Semantic Analysis (LSA)
d. Naive Bayes
Answer: d) Classification
Answer: c) F1-score
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
Answer: a) When a model performs well on the training data but poorly on new
data
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
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)
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 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
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
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
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)
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
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
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
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
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
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
Explanation:
A. 1
B. 2
C. 3
D. 4
Answer: B) 2
Explanation:
A. Labeled data
B. Unlabelled data
C. None
D. Both
Answer: C) None
Explanation:
A. Experience
B. Predictions
C. Analyzing the data
Answer: A) Experience
Explanation:
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.
Explanation:
Explanation:
Explanation:
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.
Answer: C) A state is a result returned by the environment after an agent takes an action.
Explanation:
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.
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.
13. Does reinforcement learning follow the concept of the Hit and try method?
A. Yes
B. No
Answer: A) YES
Explanation:
A. 2
B. 3
C. 4
D. 5
Answer: B) 3
Explanation:
Value-based
Policy-based
Model-based
A. Value-based
B. Policy-based
C. Model-based
Answer: A) Value-based
Explanation:
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:
Deterministic
Stochastic
A. Value-based
B. Policy-based
C. Model-based
Answer: C) Model-based
Explanation:
A. Deterministic
B. Stochastic
Answer: B) Stochastic
Explanation:
A. 2
B. 3
C. 4
D. 5
Answer: C) 4
Explanation:
Policy
Reward Signal
Value Function
Model of the environment
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.
A. Policy
B. Reward Signal
C. Value Function
D. Model of the environment
Explanation:
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:
A. Yes
B. No
Answer: A) YES
Explanation:
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
Explanation:
On the value function, the reward that the agent can expect is dependent.
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
Explanation:
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
Explanation:
The approach in which reinforcement learning problems are solved with the help of models is
known as model-based approach.
Explanation:
A. Value factor
B. Discount factor
C. Environment factor
Explanation:
A. 3
B. 4
C. 2
D. 5
Answer: C) 2
Explanation:
Positive Reinforcement
Negative Reinforcement
A. Positive Reinforcement
B. Negative Reinforcement
Explanation:
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.
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?
observations.
A) 1 and 2
B) 2 and 3
C) 1 and 3
D) 1,2 and 3
Answer D
You trained a model on the training dataset and got the below confusion
1. Accuracy is ~0.91
A) 1 and 3
B) 2 and 4
C) 1 and 4
D) 2 and 3
Solution: (C)
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”