Interview Prep Data Science, Machine Learning, Deep Learning MCQs
Interview Prep Data Science, Machine Learning, Deep Learning MCQs
com/company/pianalytix/
1. In machine learning, what term is used to describe the problem of a model performing well on the training
data but poorly o n uns een data?
B) Adam Optimizer
C) Levenberg-Marquardt Algorithm
2. Which of the following algorithms is best suited for anomaly detection in unstructured data like images or
audio?
A) K-means clustering
C) Autoencoders
4. W hich evaluation metric is co mmon ly used for imbalanced classification problems to assess model
p e r f o r ma nce?
5. In the context of Natural Language Processing (NLP), what does TF-IDF stand for?
6. W hich technique is used to reduce the dimensionality of data while preserving its variance in multivariate
analysis?
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
7. In Reinforcement Learning, wh a t is the n a me of the technique used to estimate the expected long-term
reward from a given state?
A) Q-learning
B) Policy Gradient
C) Value Function
8. W hich method is used for handling missing data by creating multiple imputations based on the observed
d a t a?
B) Mean substitution
9. Which algorithm is a variant of the R a n d o m Forest algorithm and uses gradient boosting for improved
p e r f o r man ce?
A) XGBoost
B) Naive Bayes
C) K-means
10. In deep learning, which layer type is responsible for reducing the spatial dimensions of the input data?
A) Dense layer
B) Convolutional layer
C) Pooling layer
11. W h ich optimization algorithm updates the model parameters with a learning rate that adapts based on
the historical gradients?
B) Adam Optimizer
C) Levenberg-Marquardt Algorithm
12. In a time series forecasting problem, what is the term used to describe the pattern where the data
exhibits upward or downw ard trends over a long period?
A) Seasonality
B) Cyclical pattern
C) Trend
13. W hich statistical test is used to determine if there is a significant relationship between two categorical
variables in a dataset?
B) Chi-Square test
C ) t-test
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
14. W h e n building a recommendation system, which method uses collaborative filtering based on user-item
interac tions?
A) Content-based filtering
C) Apriori algorithm
15. Which algorithm is commonly used for semi-supervised learning tasks, where the training data has both
labeled an d unlabeled examples?
B) Decision Tree
C) Expectation-Maximization (EM)
16. In time series analysis, what is the purpose of differencing in the Box-Jenkins method?
A) Remove seasonality
C) Calculate autocorrelation
17. What is the primary advantage of using an ensemble of models, such as Rando m Forest or Gradient
Boosting Machines?
18. W hich technique is used for text data preprocessing in N LP , where words are converted to their base or
root f o r m?
A) Tokenization
B) Lemmatization
C) Bag-of-Words
19. Which regularization term is added to the cost function during training to penalize large weights in a
neural network?
A) L1 regularization (Lasso)
B) L2 regularization (Ridge)
C) ElasticNet regularization
20. Which algorithm is commonly used for finding the optimal number of clusters in a dataset when the
number of clusters is unknown?
A) K-means clustering
B) Hierarchical clustering
C) Silhouette analysis
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
21. In time series analysis, what is the autocorrelation of a time series at lag k?
22. W hich method is used for hyperparameter tuning b y exhaustively trying all possible combinations o f
h yp e r p ar a me t er va lu es?
A) Grid Search
B) Random Search
C) Bayesian Optimization
23. In a classification problem, which metric can be used to evaluate the model's ability to distinguish
b e tween positive a n d negative s a mp le s?
A) F1 score
24. W hich technique is used to prevent data leakage w h e n scaling numerical features before feeding them
into a machine learning model?
A) Min-Max scaling
B) Standardization
26. Which algorithm is commonly used for document clustering in unsupervised learning?
A) Decision Tree
B) K-means clustering
C ) Random Forest
26. Which algorithm is commonly used for document clustering in unsupervised learning?
A) Decision Tree
B) K-means clustering
C ) Random Forest
27. In a decision tree, which attribute selection measure aims to maximize the information gain?
A) Gini impurity
B) Entropy
C) Variance
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
28. W h ich method is used for reducing the nu mbe r of features in a dataset while preserving the most
important information?
29. In deep learning, which activation function is often used in the output layer of a binary classification
neural network?
A) Sigmoid
B) Tanh
C) ReLU
30. W hich machine learning algorithm is used for generating synthetic samples to balance class distribution
in a n imbalanced dataset?
A) Decision Tree
B) SMOTE (Synthetic Minority Over-sampling Technique)
C) AdaBoost
31. In Bayesian inference, w h a t term is used to represent the prior belief about a model parameter before
seeing the data?
A) Posterior
B) Likelihood
C) Prior
32. W h i c h algorithm is used to detect patterns o r associations b e twe en items in a transactional database?
A) K-means clustering
B) Apriori algorithm
33. In time series analysis, w h a t is the difference between seasonal and cyclic patterns?
34. Which algorithm is an extension of linear regression that can handle multiple outputs, making it suitable
for multi-output regression tasks?
A) Logistic Regression
B) Lasso Regression
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
36. W hich regularization te r m adds a penalty based on the absolute value of the model coefficients in linear
regression?
A) L1 regularization (Lasso)
B) L2 regularization (Ridge)
C) ElasticNet regularization
38. W hich ensemble learning method combines predictions from multiple models through a weighted voting
system to m ak e final predictions?
A) Bagging
B) Boosting
C) Stacking
39. In time series analysis, what is the order of differencing used to ma k e a non-stationary time series
stationary?
A) First-order differencing
B) Second-order differencing
40. Which machine learning algorithm is suitable for solving multi-class classification problems b y reducing
them into multiple binary classification tasks?
B) Logistic Regression
C) Decision Tree
41. In deep learning, what is the role of the learning rate in the training process?
42. W hich method is used to measure the similarity between two documents in natural language processing?
A) Euclidean distance
B) Jaccard similarity
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
43. In reinforcement learning, wha t is the term used for the agent's strategy for selecting actions to maximize
the cumulative rew ard over time?
A) Policy
B) Value Function
C) Q-function
44. Which algorithm is commonly used for regression tasks when the target variable exhibits a non-linear
relationship w ith the input features?
A) Linear Regression
B) Decision Tree
C) K-means clustering
A) Multi-dataset training.
B ) Inde pe ndent dataset assessment.
46. W hich method is used for dimensionality reduction in feature space b y transforming data to a lower-
dimensional representation that preserves pairwise distances?
47. In a classification problem, which metric is used to evaluate the model's ability to correctly classify
positive s a mp les?
B) Precision
48. W h i c h meth od is used for feature selection b y recursively r e mo v ing the least important features based
o n mo d e l performance?
C) Variance Thresholding
49. In natural language processing, wh a t is the term for reducing words to their base or root for m to capture
their core meaning?
A) Tokenization
B) Lemmatization
C) Stopword Removal
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
50. W hich algorithm is c o mmo n ly used for time series forecasting and can handle both trend and seasonality
in the data?
51. In ensemble learning, which method uses multiple w e a k learners sequentially, where each learner
corrects th e errors of its pr ede c es sor?
A) Bagging
B) Boosting
C) Stacking
52. W h ich technique is used to preprocess text data b y converting all words to lowercase to ensure
consistent co mp ar isons ?
A) Tokenization
B) Lemmatization
C) Lowercasing
53. In deep learning, what is the role of the loss function in training a neural network?
54. Which machine learning algorithm is well-suited for outlier detection and can be used for one-class
classification?
A) Random Forest
55. In time series analysis, what is the term for patterns that repeat at regular intervals, such as daily, weekly,
or yearly patterns?
A) Seasonality
B) Trend
C) Cyclical pattern
56. W h ich meth od is used for hyperparameter tuning that employs probabilistic mode ls to model the
objective function and decide wh ich hyperparameters to try next?
A) Grid Search
B) Random Search
C) Bayesian Optimization
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
57. In a classification problem, which metric is used to evaluate the model's ability to correctly identify
negative samples?
58. W hich preprocessing technique is used to scale numerical features to a specific range, such as [0, 1]?
A) Min-Max scaling
B) Standardization
C) Normalization
A) Feature scaling
B) Data imputation
60. W hich ensemble learning method combines multiple models through averaging or voting to ma k e final
predictions?
A) Bagging
B) Boosting
C) Stacking
61. In a time series, what is the difference between lagged variables and moving averages?
62. W h ich technique is used to prevent data leakage during feature engineering by fitting transformations
based only o n the training data?
A) Min-Max scaling
B) Standardization
64. W hich algorithm is co mmo n ly used for text classification tasks when the text data is represented a s word
frequencies or TF-IDF vectors?
A) Decision Tree
C) Naive Bayes
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
65. In Bayesian inference, what is the term used for updating the prior belief with n e w data to obtain the
posterior distribution?
C) Bayes' Theorem
66. Which algorithm is commonly used for finding the optimal number of clusters in a dataset w h e n the
number of clusters is unknown?
A) K-means clustering
B) Hierarchical clustering
C) Silhouette analysis
67. In time series analysis, what is the term for a model that combines autoregressive (AR), moving average
(MA), and differencing components?
68. Which machine learning algorithm is used for predicting continuous numeric values, such as house prices
or stock prices?
A) Logistic Regression
B) Decision Tree
C) Linear Regression
69. In ensemble learning, what is the purpose of bagging techniques, such as R a n d o m Forest?
70. W h ich meth od is used for data preprocessing t o handle categorical variables b y converting them into
numerical form?
A) One-Hot Encoding
B) Standardization
C) Feature Scaling
71. In deep learning, which activation function is commonly used in the hidden layers of a neural network to
introduce non-linearity?
A) Sigmoid
B) Tanh
72. Which machine learning algorithm is commonly used for binary classification problems when the data is
linearly separable?
A) Decision Tree
B) Naive Bayes
C) Logistic Regression
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
73. In reinforcement learning, what is the term used for the process of exploring the environment a nd
collecting experiences to improve the agent's policy?
A) Q-learning
B) Policy Gradient
C) Exploration-Exploitation trade-off
74. Which method is used to handle missing data by filling in missing values based on the average of the non-
missing values in the same column?
B) Mean substitution
75. In Natural Language Processing (NLP), which technique is used to convert words into their base form by
removing suffixes or prefixes?
A) Tokenization
B) Lemmatization
C) Stemming
76. W hich evaluation metric is commonly used for regression tasks to assess the variance explained by the
model's predictions?
A) F1 score
77. In deep learning, what is the purpose of the optimizer in the training process of a neural network?
78. Which machine learning algorithm is suitable for solving multi-class classification problems by
transforming th em into multiple binary classification tasks?
B) Logistic Regression
C) Decision Tree
79. In ensemble learning, which technique is used to combine multiple models into one weighted model
based o n their p erfor ma n ce?
A) Bagging
B) Boosting
C) Stacking
80. W hich method is used for dimensionality reduction b y mapping data points into a lower-dimensional
space while preserving pairwise distances?
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
81. In deep learning, which activation function is commonly used in the output layer of a multi-class
classification neural network?
A) Sigmoid
B) Tanh
C) Softmax
82. Which algorithm is commonly used for document clustering in unsupervised learning?
A) Decision Tree
B) K-means clustering
C) Random Forest
83. In a decision tree, which attribute selection measure aims to minimize the Gini impurity? 83. In a decision
tree, which attribute selection measure aims to minimize the Gini impurity?
A) Gini impurity
B) Entropy
C) Variance
84. W h ich meth od is used for reducing the nu mb e r of features in a dataset b y selecting the most important
ones based o n statistical tests or scoring functions?
85. In deep learning, what is the role of the dropout technique during training a neural network?
86. Which machine learning algorithm is used for predicting continuous numeric values, such as house prices
or stock prices?
A) Logistic Regression
B) Decision Tree
C) Linear Regression
87. In natural language processing, what is the term for reducing wo rds to their base or root form to capture
their core meaning?
A) Tokenization
B) Lemmatization
C) Stopword Removal
89. In a time series, what is the difference between lagged variables and moving averages?
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
90. W hich technique is used to prevent data leakage during feature engineering b y fitting transformations
based only o n the training data?
A) Min-Max scaling
B) Standardization
91. Which algorithm is a variant of the Rando m Forest algorithm and uses gradient boosting for improved
p e r f o r ma nce?
A) XGBoost
B) Naive Bayes
C) K-means
92. W hich algorithm is c o mmo n ly used for text classification tasks wh en the text data is represented as word
frequencies or TF-IDF vectors?
A) Decision Tree
C) Naive Bayes
93. In Bayesian inference, what is the term used for updating the prior belief with n e w data to obtain the
posterior distribution?
C) Bayes' Theorem
94. Which algorithm is commonly used for finding the optimal number of clusters in a dataset wh en the
number of clusters is unknown?
A) K-means clustering
B) Hierarchical clustering
C) Silhouette analysis
95. In time series analysis, what is the term for a model that combines autoregressive (AR), moving average
(MA), and differencing components?
96. Which machine learning algorithm is commonly used for binary classification problems w h e n the data is
linearly separable?
A) Decision Tree
B) Naive Bayes
C) Logistic Regression
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
97. In reinforcement learning, wh a t is the term used for the process of exploring the environment a n d
collecting experiences to improve the agent's policy?
A) Q-learning
B) Policy Gradient
C) Exploration-Exploitation trade-off
98. Which method is used to handle missing data by filling in missing values based on the average of the non-
missing values in the same column?
B) Mean substitution
99. In Natural Language Processing (NLP), which technique is used to convert words into their base form by
removing suffixes or prefixes?
A) Tokenization
B) Lemmatization
C) Stemming
100. W hich evaluation metric is c o mmo n ly used for regression tasks to assess the variance explained b y the
model's predictions?
C) F1 score
101. In deep learning, wh a t is the purpose of the optimizer in the training process of a neural network?
102. Which machine learning algorithm is suitable for solving multi-class classification problems by
transforming th em into multiple binary classification tasks?
B) Logistic Regression
C) Decision Tree
103. In ensemble learning, which technique is used to combine multiple models into one weighted model
based o n their p erfor ma n ce?
A) Bagging
B) Boosting
C) Stacking
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
104. Which method is used for dimensionality reduction b y mapping data points into a lower-dimensional
space while preserving pairwise distances?
105. W hich method is used for handling missing data by creating multiple imputations based o n the
o b s e r v e d d at a?
B) Mean substitution
106. Which algorithm is commonly used for document clustering in unsupervised learning?
A) Decision Tree
B) K-means clustering
C) Random Forest
107. In a decision tree, which attribute selection measure aims to minimize the Gini impurity?
A) Gini impurity
B) Entropy
C) Variance
108. W h ich meth od is used for reducing the nu mb er of features in a dataset b y selecting the most important
ones based o n statistical tests or scoring functions?
109. In Reinforcement Learning, what is the n a m e of the technique used to estimate the expected long-term
reward from a given state?
A) Q-learning
B) Policy Gradient
C) Value Function
110. Which machine learning algorithm is used for predicting continuous numeric values, such as house
prices or stock prices?
A) Logistic Regression
B) Decision Tree
C) Linear Regression
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
118. If your model is suffering from the problem of Exploding Gradients, what might happen during training?
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
123. If the loss doesn't decrease in a few epochs while training a n artificial neural network, it could be due to:
124. W h y Sigmoid or Tanh is not preferred in the hidden layer of a neural network?
126. What is the vanishing gradient problem in RNN, and how can it be solved?
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
131. Setting the mo me n tu m hyperparameter too close to 1 (e.g., 0.9999) wh en using an S G D optimizer can
lead to:
132. Hyperparameters that can be optimized for the batch normalization layer are:
133. Dropout affects the training and prediction speed of a deep learning mo d e l by:
L o w er computational requirements
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
136. Siamese Network is beneficial in addressing the one-shot learning problem because it:
142. According to you, which one is more powerful — a two-layer neural network without any activation
function or a two-layer decision tree?
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
143. W hile building a neural network architecture, h o w will y ou decide h o w m a n y neurons a n d hidden layers
the neural n e t w o r k sh o u l d h a v e?
L o w er computational requirements
of the above
N o n e of the above
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
151. Explain the concept of depthwise Separable layers and their advantages in CNNs.
152. H o w can Siamese Network be beneficial in addressing the one-shot learning problem?
S a me as vanishing gradient
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
159. Which one is more powerful — a two-layer neural network without any activation function or a two-layer
decision tree?
160. While building a neural network architecture, h o w will you decide h o w many neurons and hidden layers
the neural network should have?
L o w er computational requirements
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
I ma g e recognition
M a c h i n e translation
S p e e c h synthesis
W eath er forecasting
I ma g e manipulation
Data visualization
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
W ordNet-b as ed normalization
Lemmatization
Stemming
179. Which models are commonly used to reduce the dimensionality of data in NLP?
Microsoft Word
TensorFlow
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
T o me a s u r e the similarity b e t w e e n d o cu me n t s
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
Audio processing
Java and R
C # and JavaScript
Mathematical computations
198. Which of the following data types is commonly used to represent images in Op en CV?
Array of integers
Dictionary of pixels
N u mp y array
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
cv2.erode()
cv2.Canny()
cv2.dilate()
A part of an image
cv2.MedianBlur()
cv2.GaussianBlur()
cv2.boxFilter()
cv2.scale()
cv2.resize()
cv2.transform()
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
208. W h ich O p e n C V function is used for drawing shapes and text on an image?
cv2.drawContours()
cv2.rectangle()
cv2.putText()
cv2.bitwise_and()
cv2.bitwise_xor()
cv2.bitwise_or()
cv2.getPerspectiveTransform()
cv2.getAffineTransform()
cv2.getPerspective()
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
Resizing an image
It detects a n d extracts b lo b s or c o n ne c te d c o mp o n e n t s
cv2.warpPerspective()
cv2.warpAffine()
cv2.perspectiveTransfor m()
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
225. Which Op enCV function is used to compute the optical flow of an image?
cv2.calcOpticalFlowFarneback()
cv2.calcOpticalFlowSingleScale()
cv2.calcOpticalFlowPyrLK()
230. W h i c h type of neural network architecture is best suited for sequential data and natural language
processing tasks?
231. W hich technique is used to avoid the problem of exploding gradients in deep neural networks?
Gradient clipping
L1 regularization
Dropout regularization
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.
https://pianalytix.com/ https://instagram.com/pianalytix https://www.linkedin.com/company/pianalytix/
232. In a long short-term me mo r y ( L S T M ) cell, which gate is responsible for deciding what information to
forget f r o m t he pr ev i o u s t i me step?
Input gate
Forget gate
Output gate
234. W hat is the "batch size" in stochastic gradient descent (SGD) optimization for neural networks?
235. W hich neural network architecture is designed to handle variable-length input sequences b y applying
the s a me weights at every time step?
236. In deep reinforcement learning, what is the "policy network" responsible for?
238. W hat is the primary advantage of using batch normalization in deep neural networks?
239. W h ich technique is used to reduce the dimensionality o f the feature space in neural networks b y
projecting it into a lower-dimensional subspace?
Batch Normalization
Gradient Boosting
© 2023 All rights reserved. Pianalytix Edutech Pvt. Ltd. retains the copyright for this material worldwide.