You are on page 1of 26

1. What is the purpose of NumPy in Python for data science?

a. Data visualization

b. Machine learning

c. Scientific computing

d. Web development

Answer: c. Scientific computing

2. Which library is commonly used for data manipulation and analysis in Python?

a. TensorFlow

b. Pandas

c. Matplotlib

d. Scikit-learn

Answer: b. Pandas

3. In Python, what is the purpose of the `matplotlib` library?

a. Machine learning

b. Data visualization

c. Data manipulation

d. Statistical analysis

Answer: b. Data visualization

4. What does the acronym 'API' stand for in the context of web scraping with Python?

a. Application Programming Interface

b. Automated Programming Interface

c. Advanced Python Interface

d. Application Protocol Interface


Answer: a. Application Programming Interface

5. Which of the following statements is true about Python lists and NumPy arrays?

a. Lists are more efficient for mathematical operations

b. NumPy arrays are more memory-efficient than lists

c. Lists can only store numerical data

d. NumPy arrays cannot be used for matrix operations

Answer: b. NumPy arrays are more memory-efficient than lists

6. What does the term 'Pandas DataFrame' represent in Python?

a. A machine learning model

b. A two-dimensional, size-mutable, and potentially heterogeneous tabular data structure

c. A Python data type for storing large datasets

d. A plotting library for data visualization

Answer: b. A two-dimensional, size-mutable, and potentially heterogeneous tabular data structure

7. Which Python library is commonly used for machine learning tasks?

a. TensorFlow

b. Matplotlib

c. Pandas

d. NumPy

Answer: a. TensorFlow

8. What is the purpose of the `scikit-learn` library in Python?

a. Data manipulation

b. Machine learning

c. Data visualization

d. Web development
Answer: b. Machine learning

9. What is the primary purpose of the `Seaborn` library in Python?

a. Data manipulation

b. Data visualization

c. Machine learning

d. Web development

Answer: b. Data visualization

10. Which of the following is a supervised learning algorithm in scikit-learn?

a. K-Means

b. Decision Trees

c. K-Nearest Neighbors

d. Principal Component Analysis

Answer: b. Decision Trees

11. In Python, what is the purpose of the `requests` library?

a. Web development

b. Machine learning

c. Data visualization

d. HTTP requests

Answer: d. HTTP requests

12. What is the role of the `iloc` function in Pandas?

a. Accessing data based on labels

b. Accessing data based on indices

c. Filtering data based on conditions


d. Sorting data in descending order

Answer: b. Accessing data based on indices

13. Which library is commonly used for natural language processing (NLP) in Python?

a. TensorFlow

b. NLTK (Natural Language Toolkit)

c. Scrapy

d. Keras

Answer: b. NLTK (Natural Language Toolkit)

14. What does the term 'tf-idf' refer to in the context of text analysis?

a. A machine learning model

b. A data preprocessing technique for images

c. A feature extraction method for text data

d. A deep learning framework

Answer: c. A feature extraction method for text data

15. What is the purpose of the `train_test_split` function in scikit-learn?

a. Splitting a dataset into training and testing sets

b. Training a machine learning model

c. Splitting a dataset into validation and test sets

d. Cross-validation of a machine learning model

Answer: a. Splitting a dataset into training and testing sets

16. Which of the following is used for dimensionality reduction in scikit-learn?

a. K-Means

b. Principal Component Analysis (PCA)


c. Decision Trees

d. Support Vector Machines (SVM)

Answer: b. Principal Component Analysis (PCA)

17. What does the term 'cross-validation' mean in machine learning?

a. Training a model on multiple datasets

b. Evaluating a model's performance on the training set

c. Splitting a dataset into multiple subsets for training and testing

d. Tuning hyperparameters to achieve optimal performance

Answer: c. Splitting a dataset into multiple subsets for training and testing

18. Which Python library provides tools for time series analysis?

a. NumPy

b. Pandas

c. Matplotlib

d. Statsmodels

Answer: b. Pandas

19. What is the purpose of the `K-Means` algorithm in machine learning?

a. Classification

b. Regression

c. Clustering

d. Dimensionality reduction

Answer: c. Clustering

20. What is the primary use of the `matplotlib.pyplot` module in Python?

a. Data manipulation
b. Machine learning

c. Data visualization

d. Web development

Answer: c. Data visualization

21. What is the purpose of the `scipy` library in Python?

a. Data visualization

b. Scientific computing

c. Machine learning

d. Web development

Answer: b. Scientific computing

22. In Python, what is a lambda function used for?

a. Defining anonymous functions

b. Performing mathematical operations

c. Creating class methods

d. Writing decorators

Answer: a. Defining anonymous functions

23. Which method is used to normalize data in scikit-learn?

a. `normalize()`

b. `standardize()`

c. `minmax_scale()`

d. `preprocess()`

Answer: c. `minmax_scale()`

24. What is the purpose of the `Random Forest` algorithm in machine learning?
a. Regression

b. Clustering

c. Ensemble learning

d. Dimensionality reduction

Answer: c. Ensemble learning

25. Which library is commonly used for interactive data visualization in Python?

a. Seaborn

b. Plotly

c. Matplotlib

d. Bokeh

Answer: b. Plotly

26. What is the role of the `scrapy` library in Python?

a. Data visualization

b. Web scraping

c. Machine learning

d. Statistical analysis

Answer: b. Web scraping

27. Which of the following is a classification algorithm in scikit-learn?

a. K-Means

b. Random Forest

c. Principal Component Analysis (PCA)

d. K-Nearest Neighbors

Answer: b. Random Forest


28. What does the term 'One-Hot Encoding' refer to in the context of machine learning?

a. Encoding numerical data

b. Encoding categorical data

c. Encoding text data

d. Encoding time series data

Answer: b. Encoding categorical data

29. Which of the following is a feature selection technique in machine learning?

a. K-Means

b. Principal Component Analysis (PCA)

c. Recursive Feature Elimination (RFE)

d. Support Vector Machines (SVM)

Answer: c. Recursive Feature Elimination (RFE)

30. What is the primary purpose of the `statsmodels` library in Python?

a. Machine learning

b. Statistical analysis

c. Data manipulation

d. Web development

Answer: b. Statistical analysis

31. What is the purpose of the `SciKit-Image` library in Python?

a. Image processing

b. Natural language processing

c. Signal processing

d. Graph processing

Answer: a. Image processing


32. In Python, what does the term 'Big-O notation' represent in the context of algorithm analysis?

a. Time complexity

b. Data types

c. Memory allocation

d. File input/output

Answer: a. Time complexity

33. Which method is used to handle missing values in Pandas?

a. `dropna()`

b. `fillna()`

c. `remove_missing()`

d. `clean_data()`

Answer: b. `fillna()`

34. What is the purpose of the `word_tokenize` function in the NLTK library?

a. Sentence segmentation

b. Stemming words

c. Tokenizing words

d. Part-of-speech tagging

Answer: c. Tokenizing words

35. Which of the following is a dimensionality reduction technique specifically designed for sparse
data?

a. Singular Value Decomposition (SVD)

b. t-Distributed Stochastic Neighbor Embedding (t-SNE)

c. Principal Component Analysis (PCA)

d. Non-Negative Matrix Factorization (NMF)


Answer: d. Non-Negative Matrix Factorization (NMF)

36. What does the term 'overfitting' mean in the context of machine learning?

a. Underestimating model complexity

b. Balancing the bias-variance tradeoff

c. Fitting the model too closely to the training data

d. Overemphasizing feature importance

Answer: c. Fitting the model too closely to the training data

37. Which Python library is commonly used for deep learning tasks?

a. Keras

b. Scikit-learn

c. TensorFlow

d. PyTorch

Answer: d. PyTorch

38. What is the purpose of the `pickle` module in Python?

a. Serialization of Python objects

b. Drawing plots and graphs

c. Handling dates and times

d. Web scraping

Answer: a. Serialization of Python objects

39. Which of the following is a classification metric commonly used in machine learning?

a. Mean Absolute Error (MAE)

b. F1 Score

c. R-squared
d. Root Mean Squared Error (RMSE)

Answer: b. F1 Score

40. What is the primary use of the `Folium` library in Python?

a. Machine learning

b. Geographic data visualization

c. Time series analysis

d. Statistical modeling

Answer: b. Geographic data visualization

41. What does the term 'Bag-of-Words' represent in natural language processing?

a. A technique for tokenizing sentences

b. A model for sentiment analysis

c. A method for encoding words in a document as a vector

d. A deep learning architecture for language understanding

Answer: c. A method for encoding words in a document as a vector

42. In Python, what does the `__init__` method in a class do?

a. Initializes class variables

b. Defines class methods

c. Performs cleanup operations

d. Represents the class constructor

Answer: d. Represents the class constructor

43. Which library is commonly used for time series analysis and forecasting in Python?

a. Statsmodels

b. TensorFlow
c. Scikit-learn

d. PyTorch

Answer: a. Statsmodels

44. What is the purpose of the `Counter` class in Python's `collections` module?

a. Counting the number of occurrences of elements in a list

b. Performing mathematical operations on numerical data

c. Creating histograms

d. Defining custom data structures

Answer: a. Counting the number of occurrences of elements in a list

45. Which of the following is a non-parametric machine learning algorithm for classification and
regression?

a. Linear Regression

b. K-Nearest Neighbors

c. Decision Trees

d. Support Vector Machines (SVM)

Answer: b. K-Nearest Neighbors

46. What does the term 'ensemble learning' mean in machine learning?

a. Combining predictions from multiple models to improve performance

b. Training a model on large datasets

c. Using neural networks for classification

d. Performing feature selection

Answer: a. Combining predictions from multiple models to improve performance

47. Which method is used to split a Pandas DataFrame into two random subsets for training and
testing?
a. `split()`

b. `train_test_split()`

c. `divide()`

d. `random_subset()`

Answer: b. `train_test_split()`

48. What is the purpose of the `GridSearchCV` class in scikit-learn?

a. Grid search for hyperparameter tuning

b. Cross-validation of models

c. Feature selection

d. Data preprocessing

Answer: a. Grid search for hyperparameter tuning

49. In Python, what is the purpose of the `os` module?

a. Mathematical operations

b. File and directory manipulation

c. Web scraping

d. Data visualization

Answer: b. File and directory manipulation

50. What is the primary use of the `fastai` library in Python?

a. Natural language processing

b. Deep learning and machine learning

c. Time series analysis

d. Data manipulation

Answer: b. Deep learning and machine learning


51. What is the purpose of the `pickle` module in Python?

a. Encoding categorical variables

b. Serialization of Python objects

c. Feature scaling

d. Time series analysis

Answer: b. Serialization of Python objects

52. In Python, what does the term 'virtual environment' refer to?

a. Simulated machine learning environment

b. A tool for creating 3D simulations

c. An isolated Python environment for managing dependencies

d. An online coding platform

Answer: c. An isolated Python environment for managing dependencies

53. Which of the following is a supervised learning algorithm used for regression tasks in scikit-learn?

a. K-Means

b. Support Vector Machines (SVM)

c. Random Forest

d. Linear Regression

Answer: d. Linear Regression

54. What is the purpose of the `shutil` module in Python?

a. Statistical analysis

b. Web scraping

c. File operations and manipulation

d. Data visualization

Answer: c. File operations and manipulation


55. Which Python library is commonly used for hyperparameter tuning and optimization?

a. Scikit-learn

b. Statsmodels

c. Optuna

d. TensorFlow

Answer: c. Optuna

56. In machine learning, what is the role of the 'training set'?

a. A set of data used for model evaluation

b. A set of data used for making predictions

c. A set of data used for fine-tuning hyperparameters

d. A set of data used for training the model

Answer: d. A set of data used for training the model

57. What is the purpose of the `pyplot` module in the Matplotlib library?

a. Linear algebra operations

b. Time series analysis

c. Creating static, animated, and interactive plots

d. Natural language processing

Answer: c. Creating static, animated, and interactive plots

58. Which of the following is a dimensionality reduction technique commonly used for feature
extraction in image data?

a. Principal Component Analysis (PCA)

b. t-Distributed Stochastic Neighbor Embedding (t-SNE)

c. Singular Value Decomposition (SVD)

d. Non-Negative Matrix Factorization (NMF)


Answer: a. Principal Component Analysis (PCA)

59. What does the term 'bagging' refer to in the context of machine learning?

a. A technique for handling missing data

b. A type of ensemble learning method

c. An algorithm for clustering

d. A regularization technique

Answer: b. A type of ensemble learning method

60. Which Python library provides tools for working with graphs and networks?

a. NetworkX

b. GraphML

c. PyGraph

d. GraphPy

Answer: a. NetworkX

61. What is the purpose of the `pytorch` library in Python?

a. Time series analysis

b. Natural language processing

c. Deep learning and neural networks

d. Statistical analysis

Answer: c. Deep learning and neural networks

62. Which of the following statements about cross-validation is true?

a. It uses only the training set for evaluation

b. It guarantees a model's performance on unseen data

c. It is primarily used for model training


d. It helps assess a model's generalization to new data

Answer: d. It helps assess a model's generalization to new data

63. What is the role of the `pydot` library in Python?

a. Time series analysis

b. Creating interactive visualizations

c. Representing and visualizing graph structures

d. Natural language processing

Answer: c. Representing and visualizing graph structures

64. In Python, what is the purpose of the `arange` function in NumPy?

a. Generating random numbers

b. Creating arrays with evenly spaced values

c. Reshaping arrays

d. Calculating array statistics

Answer: b. Creating arrays with evenly spaced values

65. What is the primary use of the `tqdm` library in Python?

a. Text processing and analysis

b. Time series analysis

c. Creating progress bars for loops

d. Natural language processing

Answer: c. Creating progress bars for loops

66. What is the role of the `pytz` library in Python?

a. Handling time zones

b. Web scraping
c. Machine learning model evaluation

d. File input/output operations

Answer: a. Handling time zones

67. In Python, what is the primary use of the `beautifulsoup` library?

a. Machine learning

b. Web scraping

c. Time series analysis

d. Natural language processing

Answer: b. Web scraping

68. What does the term 'RMSProp' refer to in the context of deep learning?

a. An optimization algorithm

b. A recurrent neural network architecture

c. A regularization technique

d. A loss function

Answer: a. An optimization algorithm

69. In machine learning, what is the purpose of the 'precision' metric?

a. Evaluating the trade-off between precision and recall

b. Measuring the ability of a model to avoid false positives

c. Assessing the overall accuracy of a model

d. Evaluating the performance of a classification model

Answer: b. Measuring the ability of a model to avoid false positives

70. What is the primary use of the `imbalanced-learn` library in Python?

a. Dimensionality reduction
b. Handling imbalanced datasets in machine learning

c. Time series analysis

d. Statistical modeling

Answer: b. Handling imbalanced datasets in machine learning

71. What does the term 'LSTM' stand for in the context of deep learning?

a. Long Short-Term Memory

b. Linear Sequence-Time Model

c. Layered Sequence-Tensor Machine

d. Latent Semantic Topic Modeling

Answer: a. Long Short-Term Memory

72. What is the purpose of the `scikit-image` library in Python?

a. Image processing

b. Natural language processing

c. Signal processing

d. Text analysis

Answer: a. Image processing

73. In Python, what does the term 'decorator' refer to?

a. A function that adds extra functionality to another function

b. A design pattern for creating classes

c. A module for creating GUI applications

d. A type of data structure

Answer: a. A function that adds extra functionality to another function

74. What is the role of the `GaussianNB` class in scikit-learn?


a. Dimensionality reduction

b. Clustering

c. Feature scaling

d. Naive Bayes classification

Answer: d. Naive Bayes classification

75. Which library is commonly used for interactive and declarative data visualization in Python?

a. Plotly

b. Seaborn

c. Matplotlib

d. Bokeh

Answer: a. Plotly

76. In machine learning, what is the purpose of the 'recall' metric?

a. Measuring the ability of a model to avoid false positives

b. Evaluating the trade-off between precision and recall

c. Assessing the overall accuracy of a model

d. Evaluating the performance of a classification model

Answer: b. Evaluating the trade-off between precision and recall

77. What is the purpose of the `k-fold cross-validation` technique in machine learning?

a. Splitting a dataset into training and testing sets

b. Training a model on multiple datasets

c. Evaluating a model's performance on the training set

d. Assessing a model's generalization to different subsets of the data

Answer: d. Assessing a model's generalization to different subsets of the data


78. In Python, what is the purpose of the `sympy` library?

a. Symbolic mathematics

b. Time series analysis

c. Image processing

d. Web scraping

Answer: a. Symbolic mathematics

79. What is the primary purpose of the `Yellowbrick` library in Python?

a. Web development

b. Machine learning model visualization and diagnostics

c. Natural language processing

d. Signal processing

Answer: b. Machine learning model visualization and diagnostics

80. Which Python library provides tools for working with regular expressions?

a. `re`

b. `regex`

c. `regexp`

d. `regularize`

Answer: a. `re`

81. What is the role of the `pytorch-lightning` library in Python?

a. Time series analysis

b. Simplifying deep learning model training and research

c. Web scraping

d. Image processing

Answer: b. Simplifying deep learning model training and research


82. In Python, what is the purpose of the `networkx` library?

a. Image processing

b. Network analysis and graph theory

c. Machine learning model visualization

d. Natural language processing

Answer: b. Network analysis and graph theory

83. What is the primary use of the `streamlit` library in Python?

a. Web development

b. Time series analysis

c. Image processing

d. Data app creation and deployment

Answer: d. Data app creation and deployment

84. Which of the following is a supervised learning algorithm used for both classification and
regression in scikit-learn?

a. Decision Trees

b. Support Vector Machines (SVM)

c. Random Forest

d. K-Means

Answer: a. Decision Trees

85. What is the purpose of the `statsmodels.tsa` module in Python's `statsmodels` library?

a. Time series analysis

b. Natural language processing

c. Machine learning model visualization

d. Signal processing
Answer: a. Time series analysis

86. In Python, what is the purpose of the `spacy` library?

a. Web development

b. Time series analysis

c. Natural language processing

d. Image processing

Answer: c. Natural language processing

87. What does the term 'Data Augmentation' refer to in the context of machine learning?

a. Creating synthetic data to expand the training set

b. Reducing the size of the dataset

c. Increasing the number of features in a dataset

d. Removing outliers from the dataset

Answer: a. Creating synthetic data to expand the training set

88. What is the purpose of the `eli5` library in Python?

a. Image processing

b. Time series analysis

c. Explaining machine learning models

d. Natural language processing

Answer: c. Explaining machine learning models

89. In Python, what is the purpose of the `transformers` library?

a. Time series analysis

b. Natural language processing with state-of-the-art transformer models

c. Image processing
d. Statistical analysis

Answer: b. Natural language processing with state-of-the-art transformer models

90. Which Python library provides tools for creating and manipulating mathematical expressions?

a. SymPy

b. SciPy

c. NumPy

d. MathLib

Answer: a. SymPy

91. What is the purpose of the `Yellowbrick` library in Python?

a. Web development

b. Machine learning model visualization and diagnostics

c. Natural language processing

d. Signal processing

Answer: b. Machine learning model visualization and diagnostics

92. In Python, what does the term 'pickle' refer to?

a. A data serialization format

b. A type of visualization library

c. A machine learning algorithm

d. A file compression technique

Answer: a. A data serialization format

93. What is the role of the `pycaret` library in Python?

a. Time series analysis

b. Web scraping
c. Streamlining the machine learning workflow

d. Image processing

Answer: c. Streamlining the machine learning workflow

94. In machine learning, what does the term 'bias' refer to?

a. The variability of model predictions

b. The error due to overly complex models

c. The part of the model that captures the underlying patterns

d. The error due to overly simple models

Answer: d. The error due to overly simple models

95. What is the primary use of the `pymongo` library in Python?

a. Web development

b. Machine learning

c. Data visualization

d. Interacting with MongoDB databases

Answer: d. Interacting with MongoDB databases

96. Which of the following is a common technique for handling imbalanced datasets in classification
tasks?

a. Data augmentation

b. SMOTE (Synthetic Minority Over-sampling Technique)

c. Principal Component Analysis (PCA)

d. Ridge regression

Answer: b. SMOTE (Synthetic Minority Over-sampling Technique)

97. In Python, what does the term 'regular expression' (regex) refer to?
a. A method for feature scaling

b. A text matching pattern

c. A type of machine learning model

d. A data visualization library

Answer: b. A text matching pattern

98. What is the purpose of the `catboost` library in Python?

a. Handling categorical features in machine learning

b. Time series analysis

c. Natural language processing

d. Image processing

Answer: a. Handling categorical features in machine learning

99. In machine learning, what is the 'Bagging' technique used for?

a. Dimensionality reduction

b. Feature scaling

c. Model ensembling

d. Hyperparameter tuning

Answer: c. Model ensembling

100. What does the term 'Dropout' refer to in the context of neural networks?

a. A regularization technique for preventing overfitting

b. Removing outliers from the dataset

c. A method for handling missing values

d. Feature selection technique

Answer: a. A regularization technique for preventing overfitting

You might also like