0% found this document useful (0 votes)
116 views27 pages

MCQS ML

Uploaded by

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

MCQS ML

Uploaded by

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

1. What is machine learning?

a) A subset of artificial intelligence

b) A method for computers to learn from data without being explicitly programmed

c) A technique for developing robots with human-like intelligence

d) A type of computer programming language

Answer: b) A method for computers to learn from data without being explicitly programmed

2. Which of the following is NOT a type of machine learning algorithm?

a) Supervised learning

b) Unsupervised learning

c) Reinforcement learning

d) Deterministic learning

Answer: d) Deterministic learning

3. What is the main goal of supervised learning?

a) To find hidden patterns in unlabeled data

b) To learn from past actions and their consequences

c) To predict an output variable based on input variables

d) To optimize a function to minimize error

Answer: c) To predict an output variable based on input variables

4. Which of the following is an example of unsupervised learning?

a) Spam email detection

b) Image classification

c) Customer segmentation
d) Handwriting recognition

Answer: c) Customer segmentation

5. In reinforcement learning, what does an agent learn to do?

a) Recognize patterns in data

b) Classify inputs into predefined categories

c) Make sequential decisions to maximize a reward

d) Predict future outcomes based on historical data

Answer: c) Make sequential decisions to maximize a reward

6. Which of the following is NOT a common application of machine learning?

a) Natural language processing

b) Stock market prediction

c) Social media marketing

d) Mechanical engineering

Answer: d) Mechanical engineering

7. What is overfitting in machine learning?

a) When a model performs well on training data but poorly on unseen data

b) When a model performs poorly on both training and unseen data

c) When a model generalizes well to unseen data

d) When a model doesn't perform well on any data

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

8. Which of the following evaluation metrics is commonly used for classification problems?
a) Mean squared error (MSE)

b) Accuracy

c) Mean absolute error (MAE)

d) R-squared

Answer: b) Accuracy

9. What is the purpose of feature engineering in machine learning?

a) To engineer artificial features that don't exist in the dataset

b) To reduce the dimensionality of the dataset

c) To extract useful information from raw data and create informative features

d) To optimize hyperparameters of machine learning algorithms

Answer: c) To extract useful information from raw data and create informative features

10. Which of the following is a challenge in deploying machine learning models in real-world
applications?

a) Lack of data

b) Overfitting

c) Interpretability

d) High accuracy

Answer: c) Interpretability

11. Which of the following is an example of a machine learning application in healthcare?

a) Predicting customer churn in telecommunications

b) Autonomous driving in the automotive industry

c) Diagnosing diseases from medical images

d) Fraud detection in banking


Answer: c) Diagnosing diseases from medical images

12. What is a common application of machine learning in finance?

a) Recommender systems for online shopping

b) Predicting stock prices

c) Sentiment analysis in social media

d) Personalized medicine

Answer: b) Predicting stock prices

13. Which industry often uses machine learning for demand forecasting and inventory management?

a) Retail

b) Education

c) Entertainment

d) Agriculture

Answer: a) Retail

14. In which field is machine learning used to improve customer service and user experience?

a) Aerospace

b) Hospitality

c) Construction

d) Mining

Answer: b) Hospitality

15. What is a typical application of machine learning in marketing?

a) Weather prediction

b) Cybersecurity
c) Targeted advertising

d) Climate modeling

Answer: c) Targeted advertising

16. Which of the following is an example of a machine learning application in the transportation
industry?

a) Predicting earthquakes

b) Optimizing supply chains

c) Traffic flow prediction and optimization

d) Drug discovery

Answer: c) Traffic flow prediction and optimization

17. What is a common use of machine learning in the field of agriculture?

a) Detecting credit card fraud

b) Predicting movie preferences

c) Crop yield prediction

d) DNA sequencing

Answer: c) Crop yield prediction

18. In which industry is machine learning applied to optimize energy consumption and reduce costs?

a) Fashion

b) Real estate

c) Energy management

d) Publishing

Answer: c) Energy management


19. Which sector often employs machine learning for predictive maintenance and fault detection?

a) Healthcare

b) Telecommunications

c) Manufacturing

d) Government

Answer: c) Manufacturing

20. What is a typical application of machine learning in the field of cybersecurity?

a) Weather forecasting

b) Language translation

c) Intrusion detection

d) Agricultural monitoring

Answer: c) Intrusion detection

21. What is the first step in the machine learning process?

a) Data preprocessing

b) Model training

c) Feature selection

d) Problem formulation

Answer: d) Problem formulation

22. What does the term "feature engineering" refer to in the machine learning process?

a) Training a model to recognize patterns in data

b) Selecting the most important features from the dataset

c) Extracting useful information from raw data to create informative features

d) Tuning hyperparameters of machine learning algorithms


Answer: c) Extracting useful information from raw data to create informative features

23. Which of the following techniques can be used for handling missing data in a dataset?

a) Removing rows with missing values

b) Imputation

c) Ignoring missing values during model training

d) All of the above

Answer: d) All of the above

24. What is the purpose of splitting a dataset into training and testing sets?

a) To reduce overfitting

b) To increase the accuracy of the model

c) To ensure the model learns patterns from unseen data

d) To improve feature selection

Answer: c) To ensure the model learns patterns from unseen data

25. Which of the following is NOT a common machine learning algorithm evaluation metric?

a) Accuracy

b) Mean Squared Error (MSE)

c) Precision

d) Data preprocessing

Answer: d) Data preprocessing

26. What does the term "hyperparameter tuning" refer to in machine learning?

a) Selecting the most important features from the dataset


b) Training a model to recognize patterns in data

c) Tuning the parameters of a machine learning algorithm to optimize performance

d) Splitting the dataset into training and testing sets

Answer: c) Tuning the parameters of a machine learning algorithm to optimize performance

27. Which of the following techniques is used to prevent overfitting in machine learning?

a) Cross-validation

b) Feature engineering

c) Adding more training data

d) Ignoring validation data

Answer: a) Cross-validation

28. What is the purpose of model evaluation in the machine learning process?

a) To understand how well the model performs on unseen data

b) To optimize hyperparameters

c) To preprocess the data

d) To select the most important features

Answer: a) To understand how well the model performs on unseen data

29. In which step of the machine learning process does the actual learning take place?

a) Data preprocessing

b) Feature engineering

c) Model training

d) Model evaluation

Answer: c) Model training


30. What is the final step in the machine learning process?

a) Model training

b) Model evaluation

c) Model deployment

d) Data preprocessing

Answer: c) Model deployment

31. What is data preprocessing in the context of machine learning?

a) The process of cleaning raw data to remove noise and inconsistencies

b) The process of selecting the most relevant features for model training

c) The process of training a machine learning model on historical data

d) The process of evaluating the performance of a trained model

Answer: a) The process of cleaning raw data to remove noise and inconsistencies

32. Which of the following techniques is used for handling missing data?

a) Dropping rows with missing values

b) Replacing missing values with the mean or median of the column

c) Ignoring missing values during model training

d) All of the above

Answer: d) All of the above

33. What is outlier detection in data preprocessing?

a) The process of identifying and removing irrelevant features

b) The process of identifying and handling data points that deviate significantly from the rest of the
dataset
c) The process of scaling numerical features to a similar range

d) The process of encoding categorical variables into numerical values

Answer: b) The process of identifying and handling data points that deviate significantly from the rest
of the dataset

34. Which of the following techniques is used for feature scaling?

a) Min-Max scaling

b) Standardization

c) Normalization

d) All of the above

Answer: d) All of the above

35. What is one-hot encoding used for in data preprocessing?

a) Handling missing data

b) Scaling numerical features

c) Converting categorical variables into numerical format

d) Removing outliers from the dataset

Answer: c) Converting categorical variables into numerical format

36. Which of the following is NOT a dimensionality reduction technique?

a) Principal Component Analysis (PCA)

b) Feature selection

c) Polynomial regression

d) Singular Value Decomposition (SVD)

Answer: c) Polynomial regression


37. What is the purpose of feature engineering in data preprocessing?

a) To select the most relevant features for model training

b) To reduce the dimensionality of the dataset

c) To extract useful information from raw data and create informative features

d) To remove outliers from the dataset

Answer: c) To extract useful information from raw data and create informative features

38. Which of the following is a common technique for handling imbalanced datasets?

a) Oversampling the minority class

b) Undersampling the majority class

c) Synthetic data generation

d) All of the above

Answer: d) All of the above

39. What is the purpose of data normalization?

a) To convert categorical variables into numerical format

b) To scale numerical features to a similar range

c) To remove outliers from the dataset

d) To handle missing values in the dataset

Answer: b) To scale numerical features to a similar range

40. Which of the following is NOT a step in data preprocessing?

a) Feature scaling

b) Model training

c) Handling missing data


d) Outlier detection

Answer: b) Model training

41. What is the primary objective of model training in machine learning?

a) To preprocess the data

b) To validate the model

c) To optimize the model's parameters

d) To interpret the model's predictions

Answer: c) To optimize the model's parameters

42. Which of the following techniques is commonly used for splitting a dataset into training and testing
sets?

a) Principal Component Analysis (PCA)

b) K-nearest neighbors (KNN)

c) Cross-validation

d) Gradient descent

Answer: c) Cross-validation

43. What does the loss function measure during model training?

a) The accuracy of the model

b) The difference between predicted and actual values

c) The number of features in the dataset

d) The complexity of the model

Answer: b) The difference between predicted and actual values

44. In gradient descent optimization, what does the learning rate control?
a) The number of iterations

b) The size of the updates to the model parameters

c) The complexity of the model

d) The size of the training dataset

Answer: b) The size of the updates to the model parameters

45. What is the purpose of regularization techniques in machine learning?

a) To increase model complexity

b) To decrease model complexity

c) To speed up the training process

d) To reduce the number of training iterations

Answer: b) To decrease model complexity

46. Which of the following is a commonly used regularization technique in linear regression?

a) L1 regularization (Lasso)

b) K-means clustering

c) Decision trees

d) Support Vector Machines (SVM)

Answer: a) L1 regularization (Lasso)

47. What does early stopping refer to in the context of model training?

a) Stopping the training process when the loss function reaches a minimum

b) Terminating the training process before completion to prevent overfitting

c) Interrupting the model evaluation phase

d) Continuing the training process indefinitely


Answer: b) Terminating the training process before completion to prevent overfitting

48. Which of the following is NOT a common method for improving model performance during training?

a) Feature scaling

b) Data augmentation

c) Dropout regularization

d) Batch normalization

Answer: a) Feature scaling

49. What is the purpose of hyperparameter tuning in machine learning?

a) To adjust the model's parameters during training

b) To optimize the learning rate

c) To select the best model architecture and settings

d) To preprocess the data before training

Answer: c) To select the best model architecture and settings

50. Which of the following evaluation metrics is commonly used for regression problems?

a) Accuracy

b) F1-score

c) Mean Squared Error (MSE)

d) Precision

Answer: c) Mean Squared Error (MSE)

51. What is the primary objective of prediction in machine learning?

a) To analyze historical data

b) To classify data into categories

c) To forecast future outcomes


d) To visualize data patterns

Answer: c) To forecast future outcomes

52. Which type of machine learning algorithm is commonly used for prediction tasks?

a) Supervised learning

b) Unsupervised learning

c) Reinforcement learning

d) Semi-supervised learning

Answer: a) Supervised learning

53. In supervised learning for prediction, what are the input variables typically referred to as?

a) Features

b) Labels

c) Predictions

d) Observations

Answer: a) Features

54. Which of the following algorithms is often used for time-series prediction?

a) Decision trees

b) K-nearest neighbors

c) Recurrent neural networks

d) K-means clustering

Answer: c) Recurrent neural networks

55. What is regression analysis used for in prediction tasks?


a) Classifying data into distinct categories

b) Making predictions based on continuous variables

c) Detecting anomalies in data

d) Identifying patterns in unlabeled data

Answer: b) Making predictions based on continuous variables

56. Which evaluation metric is commonly used for regression tasks in prediction?

a) Accuracy

b) Precision

c) Mean squared error (MSE)

d) Recall

Answer: c) Mean squared error (MSE)

57. What is the purpose of cross-validation in prediction tasks?

a) To train the model on all available data

b) To evaluate the model's performance on unseen data

c) To overfit the model to the training data

d) To increase the complexity of the model

Answer: b) To evaluate the model's performance on unseen data

58. Which of the following techniques can help prevent overfitting in predictive modeling?

a) Increasing the model complexity

b) Adding more features to the model

c) Regularization

d) Using a smaller training dataset


Answer: c) Regularization

59. What is the term used to describe the difference between predicted values and actual values in
prediction tasks?

a) Residuals

b) Errors

c) Deviations

d) Losses

Answer: a) Residuals

60. Which approach is commonly used to handle missing data in prediction tasks?

a) Deleting rows with missing values

b) Imputation

c) Ignoring missing values during modeling

d) Scaling the dataset

Answer: b) Imputation

61. What is parameter tuning in machine learning?

a) The process of selecting the appropriate algorithm for a given task

b) The process of fine-tuning the hyperparameters of a machine learning model

c) The process of preprocessing the dataset before feeding it into the model

d) The process of optimizing the loss function during model training

Answer: b) The process of fine-tuning the hyperparameters of a machine learning model

62. Which of the following is NOT a hyperparameter?

a) Learning rate

b) Number of iterations
c) Number of features

d) Regularization parameter

Answer: c) Number of features

63. What is grid search in the context of parameter tuning?

a) A technique that randomly samples hyperparameters from a specified range

b) A technique that exhaustively searches through a specified subset of hyperparameters

c) A technique that adjusts hyperparameters based on the model's performance

d) A technique that dynamically adjusts hyperparameters during model training

Answer: b) A technique that exhaustively searches through a specified subset of hyperparameters

64. Which method is typically used to evaluate the performance of different hyperparameter
configurations during grid search?

a) Mean squared error

b) Accuracy

c) Cross-validation

d) F1 score

Answer: c) Cross-validation

65. What is the purpose of random search in parameter tuning?

a) To systematically explore the entire hyperparameter space

b) To efficiently search for the best hyperparameters using randomness

c) To minimize the computational cost of hyperparameter tuning

d) To prioritize certain hyperparameters over others

Answer: b) To efficiently search for the best hyperparameters using randomness


66. Which hyperparameter tuning technique is known for its ability to automatically adapt to the
characteristics of the dataset and model?

a) Grid search

b) Random search

c) Bayesian optimization

d) Genetic algorithms

Answer: c) Bayesian optimization

67. What is the main drawback of grid search compared to random search in parameter tuning?

a) Grid search is computationally more expensive

b) Grid search may miss optimal hyperparameters located between grid points

c) Grid search requires less memory

d) Grid search is less flexible in handling continuous hyperparameters

Answer: b) Grid search may miss optimal hyperparameters located between grid points

68. In Bayesian optimization, what information is used to guide the search for optimal
hyperparameters?

a) Randomness

b) Gradient descent

c) Previous evaluations of hyperparameter configurations

d) Statistical distributions of hyperparameters

Answer: c) Previous evaluations of hyperparameter configurations

69. What is the purpose of hyperparameter tuning?

a) To increase the model's complexity


b) To decrease the model's bias

c) To improve the model's generalization performance

d) To reduce the computational cost of model training

Answer: c) To improve the model's generalization performance

70. Which hyperparameter is commonly tuned for regularization purposes in machine learning models?

a) Learning rate

b) Number of hidden units

c) Dropout rate

d) Batch size

Answer: c) Dropout rate

71. What is the primary goal of data collection in machine learning?

A) To increase computational complexity

B) To gather a diverse and representative dataset

C) To reduce model accuracy

D) To introduce bias into the model

Answer: B) To gather a diverse and representative dataset

72. Which of the following is NOT a commonly used data collection method in machine learning?

A) Web scraping

B) Random guessing

C) Surveys and questionnaires

D) Sensor data collection

Answer: B) Random guessing


73. In machine learning, what does the term "labeling" refer to?

A) Assigning names to data points

B) Removing outliers from the dataset

C) Transforming data into a different representation

D) Preprocessing textual data

Answer: A) Assigning names to data points

74. Which of the following is a disadvantage of using web scraping for data collection?

A) Limited access to diverse data sources

B) Difficulty in extracting structured data

C) High cost associated with data acquisition

D) Low scalability for large datasets

Answer: B) Difficulty in extracting structured data

75. What is a key consideration when collecting data through surveys and questionnaires for machine
learning?

A) Ensuring the privacy of survey respondents

B) Conducting surveys exclusively online

C) Limiting the number of questions to decrease response time

D) Avoiding demographic diversity in survey participants

Answer: A) Ensuring the privacy of survey respondents

76. Which data collection method is commonly used for gathering information from IoT devices?

A) Random sampling

B) Crowdsourcing
C) Sensor data collection

D) Social media scraping

Answer: C) Sensor data collection

77. What is an important step in ensuring the quality of collected data?

A) Introducing bias deliberately

B) Collecting data from a single source

C) Ignoring data preprocessing steps

D) Performing data validation and cleaning

Answer: D) Performing data validation and cleaning

78. Which of the following is NOT a consideration when selecting data collection methods?

A) Cost-effectiveness

B) Ethical implications

C) Complexity of the machine learning model

D) Scalability of data collection processes

Answer: C) Complexity of the machine learning model

79. What is the primary purpose of data augmentation in machine learning?

A) To decrease the size of the dataset

B) To increase the computational complexity of the model

C) To improve the performance and generalization of the model

D) To introduce noise into the training process

Answer: C) To improve the performance and generalization of the model


80. Which of the following techniques is commonly used for data augmentation in image classification
tasks?

A) Adding Gaussian noise

B) Flipping images horizontally

C) Removing outliers

D) Downsampling the image resolution

Answer: B) Flipping images horizontally

81. In natural language processing (NLP), what data augmentation technique is used to generate
additional training examples?

A) Randomly swapping words in sentences

B) Adding random noise to word embeddings

C) Reducing the number of words in sentences

D) Removing stopwords from text

Answer: A) Randomly swapping words in sentences

82. Which of the following statements is true about data augmentation?

A) It always leads to overfitting of the model

B) It alters the original data distribution

C) It is only applicable to deep learning models

D) It decreases the diversity of the dataset

Answer: B) It alters the original data distribution

83. What is the purpose of applying data augmentation techniques such as rotation and scaling to
images?

A) To reduce the size of the images

B) To introduce variability and make the model robust to different viewpoints


C) To remove color information from images

D) To decrease the resolution of the images

Answer: B) To introduce variability and make the model robust to different viewpoints

84. Which of the following is NOT a common data augmentation technique?

A) Adding random noise

B) Cropping images randomly

C) Removing duplicate entries

D) Rotating images at random angles

Answer: C) Removing duplicate entries

85. What is an important consideration when applying data augmentation to imbalanced datasets?

A) Ignoring the minority class

B) Applying different augmentation techniques to different classes

C) Resampling the majority class to balance the dataset

D) Using data augmentation only on the majority class

Answer: B) Applying different augmentation techniques to different classes

86. How does data augmentation contribute to reducing overfitting in machine learning models?

A) By increasing the complexity of the model

B) By adding noise to the training data

C) By reducing the diversity of the dataset

D) By generating more training examples from existing data

Answer: D) By generating more training examples from existing data

87. What is the primary purpose of data generation in machine learning?


A) To decrease model complexity

B) To reduce the size of the dataset

C) To create additional training examples

D) To increase computational overhead

Answer: C) To create additional training examples

88. Which of the following techniques is commonly used for synthetic data generation?

A) Random sampling from existing data

B) Data augmentation

C) Feature engineering

D) Principal Component Analysis (PCA)

Answer: A) Random sampling from existing data

89. In which scenario is data generation particularly useful?

A) When the dataset is already large and diverse

B) When the dataset is small or lacks diversity

C) When the dataset has no missing values

D) When the dataset contains only categorical features

Answer: B) When the dataset is small or lacks diversity

90. Which of the following is an example of a technique used for generating synthetic tabular data?

A) Image rotation

B) Gaussian noise addition

C) SMOTE (Synthetic Minority Over-sampling Technique)

D) Random cropping
Answer: C) SMOTE (Synthetic Minority Over-sampling Technique)

91. What is the main advantage of using synthetic data in machine learning?

A) It guarantees better model performance

B) It reduces the need for data preprocessing

C) It provides additional insights into the data distribution

D) It enables the creation of diverse and controlled datasets

Answer: D) It enables the creation of diverse and controlled datasets

92. Which of the following is NOT a common approach to data generation in deep learning?

A) GANs (Generative Adversarial Networks)

B) Autoencoders

C) Decision Trees

D) Variational Autoencoders (VAEs)

Answer: C) Decision Trees

93. What challenge is often associated with using generated data in machine learning models?

A) Overfitting to the generated data

B) Underfitting due to data sparsity

C) Increased computational complexity

D) Inability to generalize to real-world scenarios

Answer: A) Overfitting to the generated data

94. How does data generation contribute to addressing class imbalance in classification tasks?

A) By discarding samples from the majority class

B) By duplicating samples from the minority class


C) By creating synthetic samples for the minority class

D) By increasing the number of features in the dataset

Answer: C) By creating synthetic samples for the minority class

You might also like