Q. Which metric would you use to evaluate a multi-class classification model?
A.
F1 Score
B.
Precision
C.
Macro-averaged F1 Score
D.
Mean Squared Error
Show solution
Solution
Macro-averaged F1 Score is suitable for evaluating multi-class classification models as it averages the F1 scores across all classes.
Correct Answer:
C
— Macro-averaged F1 Score
Learn More →
Q. Which metric would you use to evaluate a recommendation system's performance?
A.
Mean Squared Error
B.
Precision at K
C.
F1 Score
D.
Silhouette Score
Show solution
Solution
Precision at K evaluates how many of the top K recommended items are relevant, making it suitable for recommendation systems.
Correct Answer:
B
— Precision at K
Learn More →
Q. Which metric would you use to evaluate a recommendation system?
A.
Mean Squared Error
B.
Precision at K
C.
F1 Score
D.
Recall
Show solution
Solution
Precision at K is a common metric used to evaluate the performance of recommendation systems.
Correct Answer:
B
— Precision at K
Learn More →
Q. Which metric would you use to evaluate a regression model's performance that is sensitive to outliers?
A.
Mean Absolute Error
B.
Mean Squared Error
C.
R-squared
D.
Root Mean Squared Error
Show solution
Solution
Mean Squared Error (MSE) is sensitive to outliers because it squares the errors, giving more weight to larger errors.
Correct Answer:
B
— Mean Squared Error
Learn More →
Q. Which metric would you use to evaluate a regression model's performance?
A.
Accuracy
B.
F1 Score
C.
Mean Absolute Error
D.
Confusion Matrix
Show solution
Solution
Mean Absolute Error (MAE) is commonly used to evaluate the performance of regression models.
Correct Answer:
C
— Mean Absolute Error
Learn More →
Q. Which model selection technique helps to prevent overfitting by penalizing complex models?
A.
Grid Search
B.
Lasso Regression
C.
K-Fold Cross-Validation
D.
Random Search
Show solution
Solution
Lasso Regression includes a penalty term that discourages complexity in the model, helping to prevent overfitting.
Correct Answer:
B
— Lasso Regression
Learn More →
Q. Which model selection technique involves comparing multiple models based on their performance on a validation set?
A.
Grid Search
B.
Feature Engineering
C.
Data Augmentation
D.
Dimensionality Reduction
Show solution
Solution
Grid Search is a model selection technique that systematically works through multiple combinations of parameter tunes, cross-validating as it goes to determine which tune gives the best performance.
Correct Answer:
A
— Grid Search
Learn More →
Q. Which model selection technique involves comparing multiple models to find the best one?
A.
Grid Search
B.
Feature Scaling
C.
Data Augmentation
D.
Ensemble Learning
Show solution
Solution
Grid Search is a model selection technique that involves comparing multiple models and their hyperparameters to find the best performing one.
Correct Answer:
A
— Grid Search
Learn More →
Q. Which model selection technique involves dividing the dataset into multiple subsets for training and validation?
A.
Grid search
B.
Cross-validation
C.
Random search
D.
Feature selection
Show solution
Solution
Cross-validation involves dividing the dataset into multiple subsets to validate the model's performance on different data.
Correct Answer:
B
— Cross-validation
Learn More →
Q. Which neural network architecture is commonly used for sequence prediction tasks?
A.
Convolutional Neural Network (CNN)
B.
Recurrent Neural Network (RNN)
C.
Feedforward Neural Network
D.
Generative Adversarial Network (GAN)
Show solution
Solution
Recurrent Neural Networks (RNNs) are specifically designed to handle sequence data, making them ideal for tasks like time series prediction.
Correct Answer:
B
— Recurrent Neural Network (RNN)
Learn More →
Q. Which neural network architecture is particularly effective for sequential data?
A.
Convolutional Neural Networks (CNNs)
B.
Recurrent Neural Networks (RNNs)
C.
Feedforward Neural Networks
D.
Radial Basis Function Networks
Show solution
Solution
Recurrent Neural Networks (RNNs) are designed to handle sequential data, making them suitable for tasks like time series prediction and language modeling.
Correct Answer:
B
— Recurrent Neural Networks (RNNs)
Learn More →
Q. Which neural network architecture is primarily used for image recognition tasks?
A.
Recurrent Neural Network
B.
Convolutional Neural Network
C.
Feedforward Neural Network
D.
Generative Adversarial Network
Show solution
Solution
Convolutional Neural Networks (CNNs) are specifically designed for processing and recognizing images.
Correct Answer:
B
— Convolutional Neural Network
Learn More →
Q. Which of the following algorithms can be improved by using binary search?
A.
Insertion sort.
B.
Merge sort.
C.
Finding an element in a sorted array.
D.
Bubble sort.
Show solution
Solution
Finding an element in a sorted array can be improved by using binary search, which is more efficient than linear search.
Correct Answer:
C
— Finding an element in a sorted array.
Learn More →
Q. Which of the following algorithms can be improved using binary search?
A.
Insertion Sort
B.
Merge Sort
C.
Finding the square root
D.
Linear Search
Show solution
Solution
Finding the square root can be optimized using binary search to reduce the number of iterations.
Correct Answer:
C
— Finding the square root
Learn More →
Q. Which of the following algorithms can be used as an alternative to Dijkstra's algorithm for graphs with negative weights?
A.
A* Search Algorithm
B.
Floyd-Warshall Algorithm
C.
Prim's Algorithm
D.
Kruskal's Algorithm
Show solution
Solution
The Floyd-Warshall algorithm can be used as an alternative to Dijkstra's algorithm for finding shortest paths in graphs with negative weights.
Correct Answer:
B
— Floyd-Warshall Algorithm
Learn More →
Q. Which of the following algorithms can be used instead of Dijkstra's algorithm for graphs with negative weights?
A.
A* Search
B.
Bellman-Ford Algorithm
C.
Floyd-Warshall Algorithm
D.
Depth-First Search
Show solution
Solution
The Bellman-Ford algorithm can be used for graphs with negative weights, as it can handle such cases correctly.
Correct Answer:
B
— Bellman-Ford Algorithm
Learn More →
Q. Which of the following algorithms can be used to find the first occurrence of a target in a sorted array?
A.
Linear Search
B.
Binary Search
C.
Jump Search
D.
Exponential Search
Show solution
Solution
Binary search can be modified to find the first occurrence of a target in a sorted array.
Correct Answer:
B
— Binary Search
Learn More →
Q. Which of the following algorithms can be used to find the height of a binary tree?
A.
Depth-first search
B.
Breadth-first search
C.
Both depth-first and breadth-first search
D.
None of the above
Show solution
Solution
Both depth-first search (DFS) and breadth-first search (BFS) can be used to find the height of a binary tree.
Correct Answer:
C
— Both depth-first and breadth-first search
Learn More →
Q. Which of the following algorithms can be used to find the lowest common ancestor in a binary tree?
A.
Depth-first search
B.
Breadth-first search
C.
Dynamic programming
D.
Binary search
Show solution
Solution
Depth-first search can be used to find the lowest common ancestor in a binary tree.
Correct Answer:
A
— Depth-first search
Learn More →
Q. Which of the following algorithms can be used to find the shortest path in a graph with negative weights?
A.
Dijkstra's algorithm
B.
A* algorithm
C.
Bellman-Ford algorithm
D.
Depth-first search
Show solution
Solution
The Bellman-Ford algorithm can handle graphs with negative weights and is used to find the shortest paths in such cases.
Correct Answer:
C
— Bellman-Ford algorithm
Learn More →
Q. Which of the following algorithms is an alternative to Dijkstra's algorithm for graphs with negative weights?
A.
A* Search Algorithm
B.
Bellman-Ford Algorithm
C.
Depth-First Search
D.
Breadth-First Search
Show solution
Solution
The Bellman-Ford algorithm is an alternative to Dijkstra's algorithm that can handle graphs with negative weight edges.
Correct Answer:
B
— Bellman-Ford Algorithm
Learn More →
Q. Which of the following algorithms is an example of dynamic programming?
A.
Merge Sort
B.
Dijkstra's Algorithm
C.
Floyd-Warshall Algorithm
D.
Binary Search
Show solution
Solution
The Floyd-Warshall Algorithm is an example of dynamic programming, used to find shortest paths in a weighted graph.
Correct Answer:
C
— Floyd-Warshall Algorithm
Learn More →
Q. Which of the following algorithms is commonly used for clustering numerical data?
A.
Linear Regression
B.
K-Means
C.
Decision Trees
D.
Support Vector Machines
Show solution
Solution
K-Means is a popular algorithm for clustering numerical data by partitioning it into K distinct clusters.
Correct Answer:
B
— K-Means
Learn More →
Q. Which of the following algorithms is commonly used for clustering?
A.
Linear Regression
B.
K-Means
C.
Support Vector Machine
D.
Decision Tree
Show solution
Solution
K-Means is a popular clustering algorithm that partitions data into K distinct clusters.
Correct Answer:
B
— K-Means
Learn More →
Q. Which of the following algorithms is commonly used for hierarchical clustering?
A.
K-means
B.
DBSCAN
C.
Agglomerative clustering
D.
Gaussian Mixture Models
Show solution
Solution
Agglomerative clustering is a popular method for hierarchical clustering, where clusters are formed by merging smaller clusters.
Correct Answer:
C
— Agglomerative clustering
Learn More →
Q. Which of the following algorithms is similar to Dijkstra's algorithm?
A.
A* Search Algorithm
B.
Bubble Sort
C.
Depth-First Search
D.
Binary Search
Show solution
Solution
The A* Search Algorithm is similar to Dijkstra's algorithm as it also finds the shortest path but uses heuristics to improve efficiency.
Correct Answer:
A
— A* Search Algorithm
Learn More →
Q. Which of the following algorithms is typically used for classification tasks?
A.
Linear Regression
B.
Logistic Regression
C.
K-Means Clustering
D.
Principal Component Analysis
Show solution
Solution
Logistic Regression is a classification algorithm used to predict binary outcomes based on input features.
Correct Answer:
B
— Logistic Regression
Learn More →
Q. Which of the following algorithms is used for topological sorting in a directed acyclic graph (DAG)?
A.
Depth First Search
B.
Breadth First Search
C.
Dijkstra's Algorithm
D.
Prim's Algorithm
Show solution
Solution
Topological sorting can be performed using Depth First Search (DFS) on a directed acyclic graph.
Correct Answer:
A
— Depth First Search
Learn More →
Q. Which of the following algorithms uses dynamic programming to find the minimum edit distance between two strings?
A.
Dijkstra's algorithm
B.
Floyd-Warshall algorithm
C.
Levenshtein distance algorithm
D.
Merge sort algorithm
Show solution
Solution
The Levenshtein distance algorithm uses dynamic programming to compute the minimum edit distance between two strings.
Correct Answer:
C
— Levenshtein distance algorithm
Learn More →
Q. Which of the following algorithms uses dynamic programming to find the optimal solution?
A.
Dijkstra's algorithm
B.
Bellman-Ford algorithm
C.
Floyd-Warshall algorithm
D.
Merge sort
Show solution
Solution
The Floyd-Warshall algorithm uses dynamic programming to find the shortest paths between all pairs of vertices in a weighted graph.
Correct Answer:
C
— Floyd-Warshall algorithm
Learn More →
Showing 2401 to 2430 of 3237 (108 Pages)