ThatQuiz Test Library Take this test now
Coele1
Contributed by: Billo
  • 1. What is the defining characteristic of the training data used in supervised learning?
A) The data is always image-based.
B) The data is labeled, meaning each example is paired with a target output.
C) The data is generated randomly by the algorithm.
D) The data is unlabeled, and the model must find patterns on its own
  • 2. The primary goal of a supervised learning model is to:
A) Reduce the dimensionality of the input data for visualization.
B) Generalize from the training data to make accurate predictions on new, unseen data.
C) Memorize the entire training dataset perfectly.
D) Discover hidden patterns without any guidance
  • 3. In the analogy of a child learning from flashcards, the animal's name on the card represents what component of supervised learning?

    P
A) The input features.
B) The loss function
C) The model's parameters.
D) The label or target output.
  • 4. Which of the following tasks is a classic example of a classification problem?
A) Predicting the selling price of a house based on its features.
B) Estimating the annual revenue of a company.
C) Forecasting the temperature for tomorrow.
D) Diagnosing a tumor as malignant or benign based on medical images.
  • 5. A model that predicts the continuous value of a stock price for the next day is solving a:
A) Regression problem.
B) Classification problem
C) Clustering problem.
D) Dimensionality reduction problem
  • 6. What is the core objective of unsupervised learning?
A) To discover the inherent structure, patterns, or relationships within unlabeled data.
B) To predict a target variable based on labeled examples
C) To classify emails into spam and non-spam folders
D) To achieve perfect accuracy on a held-out test set.
  • 7. In the analogy of a child grouping toys without instructions, the act of putting all the cars together is most similar to which unsupervised learning technique?
A) Reinforcement Learning.
B) Regression
C) Classification
D) Clustering
  • 8. Grouping customers based solely on their purchasing behavior, without pre-defined categories, is an application of:
A) Clustering, a type of unsupervised learning.
B) Logistic Regression, a type of supervised learning.
C) A support vector machine for classification.
D) Linear Regression, a type of supervised learning.
  • 9. The main goal of dimensionality reduction techniques like PCA is to:
A) Predict a continuous output variable.
B) Reduce the number of features while preserving the most important information in the data.
C) Increase the number of features to improve model accuracy.
D) Assign categorical labels to each data point.
  • 10. Market basket analysis, which finds rules like "if chips then soda," is a classic example of:
    Association rule learning in unsupervised learning.
    Classification in supervised learning.
    Regression in supervised learning.
    Deep learning with neural networks.
A) Classification in supervised learning.
B) Association rule learning in unsupervised learning.
C) Regression in supervised learning.
D) Deep learning with neural networks.
  • 11. Semi-supervised learning is particularly useful in real-world scenarios because:
A) Labeling data is often expensive and time-consuming, so it leverages a small labeled set with a large unlabeled set.
B) It is simpler to implement than unsupervised learning.
C) It requires no labeled data at all.
D) It is always more accurate than fully supervised learning.
  • 12. The fundamental question that a regression model aims to answer is:
A) "Which category?"
B) "What is the underlying group?"
C) "How much?" or "How many?"
D) "Is this pattern anomalous?"
  • 13. The fundamental question that a classification model aims to answer is:
A) "What is the correlation between these variables?"
B) "Which category?" or "What class?"
C) "How much?" or "How many?"
D) "How can I reduce the number of features?"
  • 14. Which algorithm is most directly designed for predicting a continuous target variable?
A) Logistic Regression.
B) Decision Tree for classification.
C) Linear Regression.
D) k-Nearest Neighbors for classification.
  • 15. A model that uses patient data to assign a label of "High," "Medium," or "Low" risk for a disease is performing:
A) Multi-class classification.
B) Clustering.
C) Regression.
D) Dimensionality reduction.
  • 16. In a Decision Tree used for classification, what do the leaf nodes represent?
A) The average value of a continuous target.
B) The probability of moving to the next node.
C) The input features for a new data point.
D) The final class labels or decisions.
  • 17. In a Regression Tree, what is typically represented at the leaf nodes?
A) A continuous value, often the mean of the target values of the training instances that reach the leaf.
B) The name of the feature used for splitting.
C) A random number.
D) A categorical class label.
  • 18. A key strength of Decision Trees is their:
A) Immunity to overfitting on noisy datasets.
B) Interpretability; the model's decision-making process is easy to understand and visualize.
C) Superior performance on all types of data compared to other algorithms.
D) Guarantee to find the global optimum for any dataset.
  • 19. The "kernel trick" used in Support Vector Machines (SVMs) allows them to:
A) Perform linear regression more efficiently.
B) Initialize the weights of a neural network.
C) Grow a tree structure by making sequential decisions.
D) Find a linear separating hyperplane in a high-dimensional feature space, even when the data is not linearly separable in the original space.
  • 20. The "support vectors" in an SVM are the:
A) All data points in the training set.
B) Data points that are closest to the decision boundary and most critical for defining the optimal hyperplane.
C) The weights of a neural network layer.
D) The axes of the original feature space.
  • 21. When comparing Decision Trees and SVMs, a primary advantage of SVMs is:
A) Their lower computational cost for very large datasets.
B) Their inherent resistance to any form of overfitting.
C) Their effectiveness in high-dimensional spaces and their ability to model complex, non-linear decision boundaries.
D) Their superior interpretability and simplicity.
  • 22. The process in supervised learning where a model's parameters are adjusted to minimize the difference between its predictions and the true labels is called:
A) Training or model fitting.
B) Dimensionality reduction.
C) Clustering.
D) Data preprocessing.
  • 23. A key challenge in unsupervised learning is evaluating model performance because:
A) The data is always too small.
B) The models are always less accurate than supervised models.
C) The algorithms are not well-defined.
D) There are no ground truth labels to compare the results against.
  • 24. The task of reducing a 50-dimensional dataset to a 2-dimensional plot for visualization is best accomplished by:
A) A Regression algorithm like Linear Regression.
B) Dimensionality Reduction techniques like Principal Component Analysis (PCA).
C) A Classification algorithm like Logistic Regression.
D) An Association rule learning algorithm.
  • 25. If an e-commerce company wants to automatically group its products into categories without any pre-existing labels, it should use:
A) A neural network for image recognition.
B) Regression, a supervised learning method.
C) Clustering, an unsupervised learning method.
D) Classification, a supervised learning method.
  • 26. The core building block of a neural network is a(n):
A) Support vector.
B) Decision node in a tree.
C) Principal component.
D) Artificial neuron or perceptron, which receives inputs, applies a transformation, and produces an output.
  • 27. In a neural network, the function inside a neuron that determines its output based on the weighted sum of its inputs is called the:
A) Optimization algorithm.
B) Activation function.
C) Loss function.
D) Kernel function.
  • 28. Which of the following is a non-linear activation function crucial for allowing neural networks to learn complex patterns?
A) The identity function (f(x) = x).
B) A constant function.
C) Rectified Linear Unit (ReLU).
D) The mean squared error function.
  • 29. The process of "training" a neural network involves:
A) Iteratively adjusting the weights and biases to minimize a loss function.
B) Clustering the input data.
C) Randomly assigning weights and never changing them.
D) Manually setting the weights based on expert knowledge.
  • 30. Backpropagation is the algorithm used in neural networks to:
A) Visualize the network's architecture.
B) Initialize the weights before training.
C) Efficiently calculate the gradient of the loss function with respect to all the weights in the network, enabling the use of gradient descent.
D) Perform clustering on the output layer.
  • 31. Deep Learning is a subfield of machine learning that primarily uses:
A) Neural networks with many layers (hence "deep").
B) Decision trees with a single split.
C) Simple linear regression models.
D) K-means clustering exclusively.
  • 32. A key advantage of deep neural networks over shallower models is their ability to:
A) Be perfectly interpretable, like a decision tree.
B) Operate without any need for data preprocessing.
C) Automatically learn hierarchical feature representations from data.
D) Always train faster and with less data.
  • 33. Convolutional Neural Networks (CNNs) are particularly well-suited for tasks involving:
A) Text data and natural language processing.
B) Image data, due to their architecture which exploits spatial locality.
C) Unsupervised clustering of audio signals.
D) Tabular data with many categorical features.
  • 34. The "convolution" operation in a CNN is designed to:
A) Detect local features (like edges or textures) in the input by applying a set of learnable filters.
B) Perform the final classification.
C) Flatten the input into a single vector.
D) Initialize the weights of the network.
  • 35. Recurrent Neural Networks (RNNs) are designed to handle:
A) Independent and identically distributed (IID) data points.
B) Static, non-temporal data.
C) Only image data.
D) Sequential data, like time series or text, due to their internal "memory" of previous inputs.
  • 36. The "vanishing gradient" problem in deep networks refers to:
A) The gradients becoming exceedingly small as they are backpropagated through many layers, which can halt learning in early layers.
B) The loss function reaching a perfect value of zero.
C) The gradients becoming too large and causing numerical instability.
D) The model overfitting to the training data.
  • 37. The "training set" is used to:
A) Provide an unbiased evaluation of a final model's performance.
B) Fit the model's parameters (e.g., the weights in a neural network).
C) Tune the model's hyperparameters.
D) Deploy the model in a production environment.
  • 38. The "validation set" is primarily used for:
A) Data preprocessing and cleaning.
B) The final, unbiased assessment of the model's generalization error.
C) The initial training of the model's weights.
D) Tuning hyperparameters and making decisions about the model architecture during development.
  • 39. The "test set" should be:
A) Used repeatedly to tune the model's hyperparameters.
B) Used only once, for a final evaluation of the model's performance on unseen data after model development is complete.
C) Used as part of the training data to improve accuracy.
D) Ignored in the machine learning pipeline.
  • 40. Overfitting occurs when a model:
A) Fails to learn the underlying pattern in the training data.
B) Is too simple to capture the trends in the data.
C) Is evaluated using the training set instead of a test set.
D) Learns the training data too well, including its noise and outliers, and performs poorly on new, unseen data.
  • 41. A common technique to reduce overfitting in neural networks is:
A) Training for more epochs without any checks.
B) Using a smaller training dataset.
C) Increasing the model's capacity by adding more layers.
D) Dropout, which randomly ignores a subset of neurons during training.
  • 42. The "bias" of a model refers to:
A) The activation function used in the output layer.
B) The error from sensitivity to small fluctuations in the training set, leading to overfitting.
C) The error from erroneous assumptions in the learning algorithm, leading to underfitting.
D) The weights connecting the input layer to the hidden layer.
  • 43. The "variance" of a model refers to:
A) The error from sensitivity to small fluctuations in the training set, leading to overfitting.
B) The speed at which the model trains.
C) The intercept term in a linear regression model.
D) The error from erroneous assumptions in the learning algorithm, leading to underfitting.
  • 44. The "bias-variance tradeoff" implies that:
A) Decreasing bias will typically increase variance, and vice versa. The goal is to find a balance.
B) Only variance is important for model performance.
C) Only bias is important for model performance.
D) Bias and variance can be minimized to zero simultaneously.
  • 45. A learning curve that shows high training accuracy but low validation accuracy is a classic sign of:
A) A well-generalized model.
B) Perfect model performance.
C) Overfitting.
D) Underfitting.
  • 46. In a neural network, the "loss function" (or cost function) measures:
A) The speed of the backpropagation algorithm.
B) How well the model is performing on the training data; it's the quantity we want to minimize during training.
C) The number of layers in the network.
D) The accuracy on the test set.
  • 47. Gradient Descent is an optimization algorithm that:
A) Iteratively adjusts parameters in the direction that reduces the loss function.
B) Guarantees finding the global minimum for any loss function.
C) Is only used for unsupervised learning.
D) Randomly searches the parameter space for a good solution.
  • 48. The "learning rate" in gradient descent controls:
A) The number of layers in a neural network.
B) The amount of training data used in each epoch.
C) The size of the step taken during each parameter update. A rate that is too high can cause divergence, while one that is too low can make training slow.
D) The activation function for the output layer.
  • 49. "Epoch" in neural network training refers to:
A) The processing of a single training example.
B) A type of regularization technique.
C) One complete pass of the entire training dataset through the learning algorithm.
D) The final evaluation on the test set.
  • 50. "Batch Size" in neural network training refers to:
A) The number of validation examples.
B) The total number of examples in the training set.
C) The number of layers in the network.
D) The number of training examples used in one forward/backward pass before the model's parameters are updated.
  • 51. "Stochastic Gradient Descent" (SGD) uses a batch size of:
A) Exactly 50% of the training set.
B) 1, meaning the parameters are updated after each individual training example.
C) A random number between 1 and 100.
D) The entire training set.
Created with That Quiz — a math test site for students of all grade levels.