AI ML Question Bank with answers
AI ML Question Bank with answers
Question Bank
Unit 1
Q.1 What is the definition of Artificial Intelligence?
a) The ability of machines to perform tasks that typically require human intelligence.
b) The study of how computers can perform tasks that require human-like intelligence.
c) The simulation of human intelligence processes by machines.
d) All of the above.
Answer: D
Answer: C
Answer: D
Q.4 Which of the following is NOT a component of computation in AI?
a) Algorithms
b) Data structures
c) Computer hardware
d) Psychology
Answer: D
Q.5 Which field studies mental processes such as perception, memory, and decision-making?
a) Computer Science
b) Cognitive Science
c) Robotics
d) Linguistics
Answer: B
Q.6 Which term describes the process by which an AI system interprets sensory inputs?
a) Perception
b) Understanding
c) Action
d) Inference
Answer: A
Q.7 What is the key difference between Artificial Intelligence (AI) and Machine Learning
(ML)?
a) AI refers to the broader concept of machines being able to carry out tasks in an
"intelligent" manner, while ML is a subset of AI that focuses on algorithms that enable
computers to learn from data.
b) ML refers to the broader concept of machines being able to carry out tasks in an
"intelligent" manner, while AI is a subset of ML that focuses on algorithms that enable
computers to learn from data.
c) AI and ML are synonymous terms and can be used interchangeably.
d) There is no difference between AI and ML.
Answer: A
Q.8 Which of the following is NOT an application of Artificial Intelligence (AI) and
Machine Learning (ML) in the real world?
a) Virtual assistants like Siri and Alexa
b) Autonomous vehicles
c) Social media platforms
d) Weather forecasting
Answer: C
Answer: C
Q.10 Which field focuses on designing algorithms for making decisions based on incomplete
and uncertain information?
a) Operations Research
b) Control Theory
c) Game Theory
d) Probabilistic Reasoning
Answer: D
Q.11 Which of the following statements best defines Artificial Intelligence (AI)?
a) AI is the study of how to program computers to perform tasks that require human
intelligence.
b) AI is the simulation of human-like emotions in machines.
c) AI refers to the ability of machines to think and feel like humans.
d) AI encompasses the development of systems that can perform tasks that typically require
human intelligence.
Answer: D
Answer: D
Q.13 Which task of AI involves learning patterns and relationships from data?
a) Reasoning
b) Perception
c) Learning
d) Understanding
Answer: C
Answer: B
Q.15 Which field studies how humans perceive, think, and learn?
a) Linguistics
b) Robotics
c) Cognitive Science
d) Computer Science
Answer: C
Q.16 Which term in AI refers to the ability to comprehend and interpret information?
a) Perception
b) Understanding
c) Action
d) Inference
Answer: B
Q.17 What distinguishes Deep Learning from other forms of Machine Learning?
a) Deep Learning involves the use of shallow neural networks.
b) Deep Learning requires manual feature extraction.
c) Deep Learning can automatically learn hierarchical representations from data.
d) Deep Learning is not a subset of Machine Learning.
Answer: C
Q.18 Which of the following is NOT an application of Artificial Intelligence or Machine
Learning?
a) Fraud detection in banking systems
b) Autonomous driving
c) Recipe recommendations on cooking websites
d) Satellite image analysis for weather forecasting
Answer: C
Q.19 What type of neural networks are commonly used in Deep Learning for image
recognition tasks?
a) Recurrent Neural Networks (RNNs)
b) Convolutional Neural Networks (CNNs)
c) Long Short-Term Memory (LSTM) networks
d) Radial Basis Function (RBF) networks
Answer: B
Q.20 Which field focuses on designing algorithms inspired by the structure and function of the
human brain?
a) Neuroscience
b) Cybernetics
c) Cognitive Psychology
d) Computational Neuroscience
Answer: D
Q.28 Goal of AI is
A. replication of human intelligence
B. solving problems that require knowledge
C. provide advise to user
D. all of above
Answer D
B. the fraction of relevant examples (true positives) among all of the examples which were
predicted to belong in a certain class.
C. both (a) and (b)
D. none
Answer B
Q.35 Which of the following is not an application of AI?
A. Intelligent Robots
B. Handwriting Recognition
C. Speech Recognition
D. Content mining
Answer D
Unit 2
Q.1 Which of the following is true about Hill Climbing?
A) It always guarantees finding the global
optimum.
B) It can get stuck in local optima.
C) It is a complete search algorithm.
D) It performs backtracking.
Answer: B
Q.2 The main drawback of Breadth-First Search (BFS) is:
A) It may get stuck in infinite loops.
B) It requires more memory.
C) It doesn't guarantee completeness.
D) It is not optimal
Answer: B
Answer: B
Q.4 Imagine you are an employee at a Cola factory. Your goal is to present a comprehensive
analysis of our customer base to the company's CEO, highlighting the diverse groups of
individuals who purchase our product. To achieve this, you employ a machine learning
approach to categorize customers into 10 distinct groups based on various characteristics.
What type of machine learning method would be most suitable for this task?
a) Supervised Learning
b) Unsupervised Learning
c) Reinforcement Learning
d) Semi-Supervised Learning
Answer: B
Q.5 If a neural network has an input layer with 10 neurons, a hidden layer with 20 neurons,
and an output layer with 5 neurons, how many parameters (weights and biases) are there in
total, assuming each neuron is connected to every neuron in the subsequent layer?
a) 320
b) 322
c) 324
d) 325
Answer: D
Q.6 If the activation function used in a neural network is the Rectified Linear Unit (ReLU),
and the input to a neuron is -5, what will be the output of the neuron?
a) -5
b) 5
c) 0
d) 2
Answer: C
Answer: C
Q.8 In Best First Search, if the heuristic function values of the nodes in the fringe are [10, 12,
14, 9], which node will be expanded next?
a) 10
b) 12
c) 14
d) 9
Answer: D
Answer: C
Answer: B
Q.11 Which of the following statements about the learning rate in neural network training is
true?
a) A higher learning rate always leads to faster convergence
b) A lower learning rate can help prevent overshooting the minimum of
the loss function
c) The learning rate is independent of the number of epochs during
training
d) The learning rate does not affect the stability of the training process
Answer: B
Q.12 You wanted to predict the next Cooking show's winner. You have the data which include
the judge's comment's about the contestant's food who are participating and the ratings of their
previous cooked food which were given by the judges. Now your task is to predict the ratings
of the same chef's based on the new comments and dishes and decide who can win the title.
What type of machine learning method would be suitable for this task?
a) Supervised Learning
b) Unsupervised Learning
c) Reinforcement Learning
d) Semi-Supervised Learning
Answer: A
Q.13 Suppose you have a neural network with three layers: an input layer with 50 neurons, a
hidden layer with 100 neurons, and an output layer with 10 neurons. If each neuron is
connected to every neuron in the subsequent layer and the weights are initialized randomly
between -1 and 1, how many weights are there in total in the network?
a) 5000
b) 6500
c) 6000
d) 5500
Answer: C
Q.14 Consider a neural network with a sigmoid activation function. If the input to a neuron is
x=0.8, what will be the output of the neuron?
a) 0.69
b) 0.48
c) 0.88
d) 0.23
Answer: A
Answer: C
Q.16 In Best First Search, if the heuristic function
values of the nodes in the fringe are [12, 8, 15, 10], which node will be
expanded next?
a) 12
b) 8
c) 15
d) 10
Answer: B
Q.26 BFS algorithm cannot be effectively used unless the search space is ……..
A. quite large
B. large
C. quite small
D. none
Answer C
Q.27 Blind Search is used for which of the mentioned situations?
A. Advanced Game Theory
B. Real-life Simulation
C. Small Search Space
D. None of the above
Answer C
Q.28 ____ is the informed search method.
A. Memory Bound Heuristic Search
B. A * Search
C. Best First Search
D. All of the above
Answer D
Q.29 A ……... is a representation of problem elements at a given moment.
A. State Space
B. State
C. Problem
D. Search
Answer B
Q.30 ……… specifies the order in which the rules will be compared to the database.
A. One or more knowledge
B. A rule applier
C. A control strategy
D. A set of rules
Answer C
Q.31 ……… is the computational system that implements the control strategy and applies the
rules.
A. One or more knowledge
B. A rule applier
C. A control strategy
D. A set of rules
Answer B
Unit 3
Q.2 Which of the following techniques would perform better for reducing dimensions of a data
set?
A. removing columns which have high variance in data
B. removing columns which have too many missing value
C. removing columns with dissimilar data trends
D. None of the above
Answer B
Q.3 Which of the following is a type of neural network?
A. Decision tree
B. Random forest
C. Convolutional neural network
D. Linear regression
Answer c
Q.4 What is the purpose of cross-validation in machine learning?
A. To evaluate the performance of a model on a held-out test set
B. To evaluate the performance of a model on different subsets of the data
C. To compare the performance of different models
D. To tune the hyperparameters of a model
Answer B
Q.8 Which of the following is a common activation function used in deep learning?
A. Sigmoid
B. Linear
C. Exponential
D. Quadratic
Answer A
Q.9 The goal of ML is to enable the machine to learn
A. from past experiences
B. to think without any human intervention
C. from present and past experiences
D. All of the above
Answer A
Q.10 Machine learning was first introduced by Arthur Samuel in
A. 1959
B. 1965
C. 1975
D. 1955
Answer A
Q.12 What is a primary difference between traditional programming and machine learning?
a) In traditional programming, rules are explicitly defined by programmers, while
in machine learning, rules are learned from data.
b) Traditional programming requires less computational power compared to
machine learning.
c) Machine learning always requires labeled data, whereas traditional
programming does not.
d) Traditional programming cannot handle large datasets efficiently.
Answer: a) In traditional programming, rules are explicitly defined by
programmers, while in machine learning, rules are learned from data.
Q.13 Which of the following is a key element of the machine learning process?
A. Debugging
B. Code compilation
C. Data Collection
D. Unit testing
Answer: c) Data Collection
Q.14 Which step of the machine learning process involves transforming raw data into a
format suitable for training a model?
A. Data Collection
B. Data Preparation
C. Model Training
D. Model Evaluation
Answer: b) Data Preparation
Q.15 What is the purpose of model selection in machine learning?
Q.15 Which type of learning involves learning from a dataset with labeled examples?
A. Supervised Learning
B. Unsupervised Learning
C. Reinforcement Learning
D. Semi-supervised Learning
Answer: a) Supervised Learning
Q.16 In which type of problem does regression aim to predict continuous-valued outputs?
A. Image classification
B. Sentiment analysis
C. Stock price prediction
D. Email spam detection
Answer: c) Stock price prediction
Q.17 Which of the following is an example of a classification problem?
A. Data Collection
B. Model Selection
C. Model Evaluation
D. Evaluation and Optimization
Answer: d) Evaluation and Optimization
Q.20 What type of learning involves learning from feedback received as a result of actions
taken in an environment?
A. Supervised Learning
B. Unsupervised Learning
C. Reinforcement Learning
D. Semi-supervised Learning
Answer: c) Reinforcement Learning
Q.21 Which of the following statements best describes traditional programming?
A. Supervised Learning
B. Unsupervised Learning
C. Reinforcement Learning
D. Semi-supervised Learning
Answer: b) Unsupervised Learning
Q.25 What is the primary objective of reinforcement learning?
A. Customer segmentation
B. Sentiment analysis
C. Predicting the price of a house
D. Image classification
Answer: c) Predicting the price of a house
Q.27 In a classification problem, what is the output typically?
A. A continuous value
B. A category or class label
C. A probability score
D. A decision boundary
Answer: b) A category or class label
Q.28 What is the primary goal of model evaluation in machine learning?
A. Cross-validation
B. Overfitting
C. Feature selection
D. Hyperparameter tuning
Answer: d) Hyperparameter tuning
Q.30 Which type of learning involves learning from both labeled and unlabeled data?
A. Supervised Learning
B. Unsupervised Learning
C. Reinforcement Learning
D. Semi-supervised Learning
Answer: d) Semi-supervised Learning
Unit 4
Q.2 You are given seismic data and you want to predict next earthquake , this is an example
of__________________
A. supervised learning
B. unsupervised learning
C. reinforcement learning
D. dimensionality reduction
Answer A
Q.3 which is a type of supervised Machine learning algorithm
A. Regression
B. Classification
C. Both (a) and (b)
D. None
Answer C
Q.4 Disadvantage of supervised learning
A. Have limited scope
B. Collecting labeled dataset is expensive and time consuming
C. Wrong prediction
D. All of above
Answer D
Q.5 Which of following is regression algorithm
A. Decision tree
B. Random Forest
C. Linear regression
D. All of above
Answer D
A. Exponentially
B. Linearly
C. Logarithmically
D. Quadratically
Answer: B
Q.14 What is the process of determining the coefficients in linear regression called?
A.Gradient descent
B.Feature extraction
C.Model selection
D.Model training
Answer: D
Q.15 Which of the following is NOT a common application of linear regression?
A. Clustering
B. Classification
C. Regression
D. Dimensionality reduction
Answer: B
Q.28 What is the main difference between classification and regression trees?
A.Accuracy
B.Gini index
C.Mean squared error
D.F1 score
Answer: B
Q.30 How does the Gini index measure impurity in a decision tree node?
A. It calculates the mean squared error between predicted and actual values.
B. It measures the probability of incorrect classification.
C. It quantifies the variability of the target variable.
D. It evaluates the homogeneity of class labels in a node.
Answer: D
Q.31 What does the Information Gain measure in a decision tree?
Unit 5
Q. 8 In _________ model keeps on increasing its performance using a Reward Feedback to learn
the behavior or pattern
A. Clustering
B. reinforcement learning
C. semi supervised
D. reinforcement
ANSWER B
A. Decision Trees
B. Support Vector Machines
C. K-Means
D. Random Forest
Answer: C) K-Means
Q.13 Which of the following tasks is NOT typically associated with unsupervised learning?
A. Anomaly detection
B. Dimensionality reduction
C. Classification
D. Clustering
Answer: C) Classification
Q.14 What is a common application of Principal Component Analysis (PCA) in
unsupervised learning?
A. Data labeling
B. Outlier detection
C. Feature extraction and dimensionality reduction
D. Classifying data points into categories
Answer: C) Feature extraction and dimensionality reduction
Q.15 Which evaluation metric is often used to assess the quality of clustering algorithms?
A. F1 Score
B. Accuracy
C. Silhouette Score
D. Mean Absolute Error
Answer: C) Silhouette Score
Q.16 Which of the following is NOT a type of clustering algorithm?
A. Hierarchical Clustering
B. K-Means Clustering
C. DBSCAN
D. Decision Tree
Answer: D) Decision Tree
Q.16 Which unsupervised learning technique is suitable for detecting outliers in a dataset?
A. K-Means clustering
B. PCA
C. Isolation Forest
D. Linear Regression
Answer: C) Isolation Forest
Q.17 What does the "elbow method" typically help determine in K-Means clustering?
A. The optimal number of clusters
B. The best feature to use for clustering
C. The outliers in the dataset
D. The distance between data points
Answer: A) The optimal number of clusters
Q.18 Which clustering algorithm is known for its ability to handle clusters of arbitrary shapes
and sizes?
A. K-Means
B. DBSCAN
C. Agglomerative Hierarchical Clustering
D. Divisive Clustering
Answer: B) DBSCAN
Q.19 What does DBSCAN stand for?
A. K-Means
B. Agglomerative Hierarchical Clustering
C. DBSCAN
D. Distribution Model-Based Clustering
Answer: C) DBSCAN
Q.22 What does the acronym "DB" in DBSCAN refer to?
A. Density-Based
B. Distribution-Based
C. Divisive-Based
D. Distance-Based
Answer: A) Density-Based
Q.23 Which clustering algorithm forms clusters by merging or dividing them based on
their distance or similarity?
A. DBSCAN
B. Distribution Model-Based Clustering
C. Agglomerative Hierarchical Clustering
D. Divisive Clustering
Answer: C) Agglomerative Hierarchical Clustering
Q.23 In hierarchical clustering, what is the agglomerative approach?
A. Starting with each point as a separate cluster and then merging them iteratively.
B. Starting with one cluster containing all points and then dividing it into smaller clusters.
C. Assigning each point to the nearest centroid.
D. Dividing the dataset into equal-sized partitions.
Answer: A) Starting with each point as a separate cluster and then merging them iteratively.
Q.24 Which of the following clustering algorithms does not require the number of clusters to
be specified beforehand?
A. K-Means
B. Distribution Model-Based Clustering
C. Agglomerative Hierarchical Clustering
D. DBSCAN
Answer: D) DBSCAN
Q.25 Which clustering algorithm is based on the concept of iteratively partitioning the data
into clusters until convergence?
A.
K-Means
B.
DBSCAN
C.
Agglomerative Hierarchical Clustering
D.
Distribution Model-Based Clustering
Answer: A) K-Means
Q.26 Which clustering algorithm is sensitive to the initial placement of centroids?
A. DBSCAN
B. Agglomerative Hierarchical Clustering
C. K-Means
D. Divisive Clustering
Answer: C) K-Means
Q.27 Which clustering algorithm is based on modeling the distribution of data points in the
feature space?
A.
K-Means
B.
DBSCAN
C.
Distribution Model-Based Clustering
D.
Agglomerative Hierarchical Clustering
Answer: C) Distribution Model-Based Clustering
Q.28 In hierarchical clustering, which approach starts with one cluster containing all points
and then divides it into smaller clusters?
A.
Agglomerative
B.
Divisive
C.
DBSCAN
D.
K-Means
Answer: B) Divisive
Q.29 What is the main disadvantage of agglomerative hierarchical clustering?
A. It requires a predefined number of clusters.
B. It is computationally expensive for large datasets.
C. It cannot handle clusters of arbitrary shapes.
D. It is sensitive to outliers.
Answer: B) It is computationally expensive for large datasets.
Q.30 Which clustering algorithm is based on the concept of partitioning the data into
spherical clusters?
A. DBSCAN
B. Agglomerative Hierarchical Clustering
C. K-Means
D. Distribution Model-Based Clustering
Answer: C) K-Means
Q.31 Which clustering algorithm forms clusters by continuously merging the nearest clusters
until a stopping criterion is met?
A. K-Means
B. DBSCAN
C. Agglomerative Hierarchical Clustering
D. Distribution Model-Based Clustering
Answer: C) Agglomerative Hierarchical Clustering
Q.32 Which distance measure calculates the distance between two points as the sum of the
absolute differences of their coordinates?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Minkowski Distance
Answer: B) Manhattan Distance
Q.33 Which distance measure is often used for text mining and document clustering, where
the magnitude of the vectors is not important?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Hamming Distance
Answer: C) Cosine Similarity
Q34 What is the range of values for Euclidean distance?
A. [0, ∞)
B. (-∞, ∞)
C. [0, 1]
D. [0, n]
Answer: A) [0, ∞)
Q.35 Which distance measure is suitable for data with binary attributes?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Hamming Distance
Answer: D) Hamming Distance
Q.36 Which distance measure is also known as the L2 norm?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Hamming Distance
Answer: A) Euclidean Distance
Q.37 Which distance measure considers both the magnitude and orientation of vectors, often
used in recommendation systems and text mining?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Hamming Distance
Answer: C) Cosine Similarity
Q.38 Which distance measure is also known as the city block distance or taxicab metric?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Minkowski Distance
Answer: B) Manhattan Distance
Q.39 Which distance measure generalizes both Euclidean and Manhattan distances based
on a parameter p?
A. Euclidean Distance
B. Manhattan Distance
C. Cosine Similarity
D. Minkowski Distance
Answer: D) Minkowski Distance
Q.40 What is the primary goal of the K-means clustering algorithm?