The A To Z of Machine Learning Your Ulti
The A To Z of Machine Learning Your Ulti
SUCCESS
SERIES
MCQ EDITION
NARAYAN CHANGDER
Coverage of all important topics.
□STUDENTS ✔
✔ □TEACHERS ✔
□RESEARCHERS ✔
□MIDTERM EXAM
□ENTRANCE EXAM ✔
✔ □COMPETITIVE EXAM ✔
□QUIZZES ✔
□OTHER
Disclaimer
NARAYAN CHANGDER
ticate. The author bear no responsibil-
ity for any damage arising from inad-
verent omissions, negligence or inac-
curacies (typographical or factual) that
♣
may have found their way into this PDF
booklet.
Due care has been taken to ensure that
the information provided in this book
is correct. Author is not responsible
for any errors, omissions or damage
arising out of use of this information.
nt
Importa inter-
s , s e a rch the de
er to inclu -
i t h t h e answ w a n t
w u au
atisfied . If yo ontact
If not s rrect answers klet, please c t s:
p
net for
co
i n t h is boo F a c e b ook ht
estions on
tact him arayanchangd
er/
new qu a n c o n n
ou c om/
thor. Y acebook.c
. f
//www
Contents
1 Machine Learning . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 3
1.1 Introduction . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 3
1.2 Machine Learning and applications . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 13
1.3 Types of Machine Learning . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 19
1.4 Supervised Learning . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 20
Index . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 119
1.1 Introduction
1. Which of these statements is (A) Linear regression
true about classical ML vs. (B) Logistic regression
deep learning?
(C) Gradient Descent
(A) All deep learning algorithms
are machine learning algorithms (D) Greedy algorithms
NARAYAN CHANGDER
model?
(D) Machine Language
(A) F-1 score
7. has been used to train ve- (B) Preceision
hicles to steer correctly and (C) Recall
autonomously on road.
(D) Mean square error
(A) Machine Learning
12. A broad term that refers
(B) Data mining
to computers thinking more
(C) Neural Networks like humans.
(D) Robotics (A) Artificial Intelligence
(B) Machine Learning
8. Open-source tool that can
combine code, markdown, (C) Deep Learning
and visualizations together (D) none of above
in a single document.
13. This type of learning to be
(A) Visual Studio used when there is no idea
(B) Visual Studio Code about the class or label of a
particular data
(C) Jupyter Notebook
(A) Supervised learning algorithm
(D) none of above
NARAYAN CHANGDER
sponses? (C) Underfitting
(A) Unsupervised (D) Bias
(B) Reinforcement 29. In a simple linear regres-
(C) Supervised sion model (One indepen-
dent variable), If we change
(D) Deep Learning
the input variable by 1 unit.
25. How many coefficients do How much output variable
you need to estimate in will change?
a simple linear regression (A) By 1
model (One independent (B) No change
variable)?
(C) By intercept
(A) 1
(D) By its Slope
(B) 2
30. A model of language con-
(C) 3
sists of the categories which
(D) Cannot Say does not include
NARAYAN CHANGDER
methods do we use to best in regression analysis?
fit the data in Logistic Re- (A) Mean of residuals is always
gression? zero
(A) Least Square Error (B) Mean of residuals is always
(B) Any distance metric less than zero
(C) Maximum Likelihood (C) Mean of residuals is always
(D) Least Square Error and Maxi- greater than zero
mum Likelihood (D) There is no such rule for resid-
uals.
43. The most commonly used
cost function for linear re- 48. In the regression equation Y
gression is = a+bX, the Y is called:
(A) Bias (A) Independent variable
(B) RMSE
(B) Continuous variable
(C) Variance
(C) Dependent variable
(D) none of above
(D) None of the above
44. Determine the gradient of
the function x2 − 2y2 − 4y at 49. A regression model has ob-
point (0, 0)? tained MSE=0, then which of
the following is/are false?
(A) 2i-4j
(A) The model may be overfitted.
(B) 0i-4j
(B) The model may be underfitted.
(C) 0i+0j
(D) -4i-4j
(C) The model gives zero training
45. What is the relationship error.
between model and algo- (D) None of these
rithm?
(A) Algorithm + model = data 50. Performance metrics use for
Regression
(B) Algorithm = Model + data
(A) Mean squared error (MSE)
(C) Model = Algorithm(data)
(B) Confusion Matrix
(D) Data = Algorithm(model)
(C) Sensitivity, Specificity, Accu-
46. Machine learning is field racy
(A) Inter-disciplinary (D) Receiver Operating Charac-
(B) Single teristics (ROC) Curve
NARAYAN CHANGDER
came a powerful monster? (B) Unsupervised Learning
(A) Frank Rosemarie (C) Reinforcement Learning
(B) Frank Rosenblet (D) Learning and Techniques
(C) Frank Rosenblatt 65. What doe ENIAC stands
(D) Frank Rosenbat for?
(A) Electric Number Intersect A
61. Which one in the following
Calculator
is not Machine Learning dis-
ciplines? (B) Electronic Numerical Integra-
tor and Computer
(A) Information Theory
(C) Engineering Numbering Into
(B) Neurostatistics
Auto Correct
(C) Optimization + Control
(D) Enter Number In Auto Correct
(D) Physics
66. The k-means algorithm is a
62. At what stage of the data
(A) Supervised learning algorithm
science lifecycle do you op-
timize the parameters?
(B) Unsupervised learning algo-
(A) Training the model
rithm
(B) Evaluating the model
(C) Semi-supervised learning al-
(C) Deploying the model gorithm
(D) none of above (D) Weakly supervised learning
algorithm
63. A regression based model
obtained the predicted 67. Is it possible to design a lin-
value of target feature as ear and logistic regression
2, however the actual value using neural network?
is 3. What is the value of
(A) Yes
MSE for the above given in-
stance? (B) No
(A) 0 (C) Cannot say
(B) 1 (D) May be possible
(C) 0.5 68. Who is the Chess grand
(D) None of these master beaten in a game by
I.B.M.’s system?
64. In this kind of Machine
Learning, an AI system is (A) Gary Kapov
presented with data which (B) Garry Kasper
NARAYAN CHANGDER
(C) Deep Lake (D) None of these
(D) Deep Blue
84. To predict which customers
80. algorithms enable the are more likely to purchase
computers to learn from BANCA, a machine learning
data, and even improve needs historical data of cus-
themselves, without being tomers who:
explicitly programmed. (A) bought banca
(A) Artificial Intelligence (B) declined to buy banca
(B) Machine Learning
(C) both bought banca and who
(C) Deep Learning declined to buy banca
(D) Traditional Learning (D) all customers of TCB
81. The model learns and up-
85. Unsupervised Learning in
dates itself through re-
Machine learning means
ward/punishment in case
of (A) no labelled data
(A) Supervised learning algorithm (B) labeled data
(C) great algorithm
(B) Unsupervised learning algo-
(D) none of the above
rithm
(C) Semi-supervised learning al- 86. What year did Machine
gorithm Learning began to flourish?
(D) Reinforcement learning algo- (A) 1980
rithm
(B) 1918
82. The model effectiveness is (C) 1908
measured using
(D) 1890
(A) Bias
(B) Variance 87. The value of precision of a
model is 0.5, and it has true
(C) Loss
positives=60, then what is
(D) All of these the value of false positives?
83. Logistic regression is used (A) 50
when you want to:
(B) 55
(A) Predict a discrete variable
from continuous or discrete vari- (C) 60
ables. (D) 65
NARAYAN CHANGDER
tion formance of a classifier?
(C) One of the attribute (A) Precision
(D) None of the Mentioned (B) Recall
(C) Accuracy
7. KNN is algorithm
(D) Depends on the application
(A) Non-parametric and Lazy
Learning 12. KNN algorithm requires
(B) Parametric and Lazy Learning (A) More time for training
(C) Parametric and Eager Learn- (B) More time for testing
ing (C) Equal time for training and
(D) Non-parametric and Eager testing
Learning (D) None of the Mentioned
NARAYAN CHANGDER
(C) Association rule mining
(C) initial guess as to cluster cen- (D) Noise filtering
troids
32. State whether the state-
(D) all answers are correct
ments are True or False.Statement
27. Machine Learning is a A:When the hypothesis
branch of.. space is richer, overfitting
is more likely.Statement
(A) AI B:When the feature space
(B) Java is larger, overfitting is more
(C) c likely.
(D) c++ (A) False, False
(B) True, False
28. Which of the following is an
(C) True, True
unsupervised task?
(D) False, True
(A) Learning to play chess
(B) Predicting if an edible item is 33. If the given dataset contains
sweet based on the information of 100 observations out of 50
the ingredients and their quanti- belongs to class1 and other
ties 50 belongs to class2. What
will be the entropy of the
(C) Grouping related documents
given dataset?
from an unannotated corpus
(A) 0
(D) All of the above
(B) 1
29. The most commonly used (C) -1
measure of similarity is the
or its square. (D) 0.5
35. The entropy of a given (A) Input value and output value
dataset is zero. This state-
(B) Input and target value
ment implies what?
(C) Output value and target value
(A) further splitting is required
(B) no further splitting is required
(D) Model parameter and output
(C) Need some other information value
to decide splitting
(D) None of the Mentioned 40. Decision trees can be used
for:
36. What type of Machine
Learning Algorithm is suit- (A) Classification only
able for predicting the de- (B) Regression only
pendent variable with two
(C) Both Classification and Re-
different values?
gression
(A) Logistic Regression
(D) Neither of Classification and
(B) Linear Regression Regression
(C) Multiple Linear Regression
41. Leaf nodes of a decision
(D) Polynomial Regression
tree correspond to:
37. The goal of clustering a set (A) Attributes
of data is to
(B) Classes
(A) divide them into groups of
data that are near each other (C) Data instances
(B) choose the best data from the (D) Node of the above
set
42. Data used to build a model
(C) determine the nearest neigh-
in machine learning model.
bors of each of the data
(D) predict the class of data (A) Validation data
(B) Training data
38. If we decrease the input
variable by one unit in a sim- (C) Test data
ple linear regression model. (D) Hidden data
How many units of the out-
put variable will change? 43. clustering seeks the min-
(A) reduced by Intercept imum distance between any
records in two clusters to
(B) increased by Intercept
find the distance between
(C) increased by Slope the points in two clusters.
(D) reduced by Slope (A) Single linkage
39. Regression finds out the (B) Complete Linkage
model parameter which pro-
(C) Average Linkage
duces the least square error
between: (D) None
NARAYAN CHANGDER
(B) 2
(C) 0 (D) When an explanation of what
has been found is of primary im-
(D) 3 portance.
45. K-fold cross-validation is 50. Cluster analysis is
(A) linear in K (A) Unsupervised Learning
(B) quadratic in K (B) Supervised learning
(C) cubic in K (C) Semi supervised learning
(D) exponential in K (D) None of these
46. Find the outliers in the given 51. Which of the following
data set below. 27, 20, 1, 3, algorithm is called Lazy
30, 31, 33 Learner?
(A) 1, 3 (A) KNN
(B) 27, 33 (B) SVM
(C) 31, 33 (C) Naive Bayes
(D) 1, 33 (D) Decision Tree
47. The output of regression al- 52. PCA works better if there
gorithm is usually a: is?(i) A linear structure in the
(A) Real variable data(ii) If the data lies on a
curved surface and not on
(B) Integer variable
a flat surface(iii) If variables
(C) Character variable are scaled in the same unit
(D) String variable (A) 1 and 2
NARAYAN CHANGDER
rates”? (A) Recognizing Anomalies
(A) Recognizing Anomalies (B) Prediction
(B) Prediction (C) Generating Patterns
(C) Generating Patterns (D) Recognition Patterns
(D) Recognition Patterns 6. The most widely used met-
rics and tools to assess a
2. Fraud Detection, Image Clas-
classification model are:
sification, Diagnostic, and
Customer Retention are ap- (A) Confusion matrix
plications in (B) Cost-sensitive accuracy
(A) Unsupervised Learning:Clustering (C) Area under the ROC curve
(D) All of them
(B) Supervised Learning:Classification
7. Which of these can be eval-
uated by a confusion ma-
(C) Reinforcement Learning trix?
(D) Unsupervised Learning:Regression (A) Recall
(B) F1 Score
3. is the opposite of unsu-
pervised learning (C) Precision
(A) unsupervised (D) ALL
(B) AI element 8. Which of the following is
(C) clustering an example of supervised
learning
(D) Supervised
(A) Nearest Neighbour
4. Supervised learning is when (B) Regression
you give a machine an input (C) classification
and it gives you an output
(D) Hi
NARAYAN CHANGDER
(A) Identifying patterns in the (A) Agglomerative HC
dataset
(B) Divisive HC
(B) Using class labels
(C) k-Means
(C) None of these
(D) Both of these (D) Depends on dataset
NARAYAN CHANGDER
(D) Significance (C) Logistic Regression
4. A value that defines the step (D) none of above
taken at each iteration, be-
fore correction? 7. Logistic regression is?
NARAYAN CHANGDER
trees to make a decision
14. You are analyzing a scatter
plot that has a negative cor- (C) RF cannot handle continuous
relation. What is true for the data
x and y values? (D) none of above
(A) As x increases, y decreases 19. Appropriate chart for visu-
(B) As x increases, y increases alizing the linear relation-
ship between two variables
(C) As x decreases, y decreases
is
(D) none of above (A) Scatter plot
15. KNN algorithm appropriate (B) Barchart
for (C) Histograms
(A) Lower number of features (D) None of Mentioned
(B) Large number of features 20. All data is labeled and the
(C) No such restriction on number algorithms learn to predict
of features the output from the input
data
(D) None of the Mentioned
(A) Dataset
16. Which of this is the laziest (B) Classifiers
technique of learning?
(C) supervised learning
(A) k-nearest neighbour (D) unsupervised learning
(B) k-means
21. Which of the following is an
(C) k-fold example of a deterministic
(D) k-19 algorithm?
(A) PCA
17. What is the use of Vali-
(B) K-Means
dation dataset in Machine
Learning? (C) None of the above
(A) To train the machine learning (D) none of above
model. 22. KNN Algorithm can be used
(B) To evaluate the performance for
of the machine learning model (A) Only for Classification
(C) To tune the hyperparameters (B) Only for Regression
of the machine learning model
(C) Both Classification and Re-
(D) None of the above. gression
NARAYAN CHANGDER
problem and you want to (B) Ridge
train a SVM model on the
data for that you are us- (C) Both
ing One-vs-all method. How
(D) None of these
many times we need to
train our SVM model in such
case? 12. A term used to describe
the case when the indepen-
(A) 1
dent variables in a multiple
(B) 2 regression modelare corre-
(C) 3 lated is
(D) 4 (A) Regression
8. What would happen when (B) correlation
you use very small C (C 0)?
(C) multicollinearity
(A) Misclassification would hap-
pen (D) none of the above
(B) Data will be correctly classified
13. Sentiment Analysis is an
(C) Can’t say example of:a)Regression,
b)Classificationc)Clusteringd)Reinforcemen
(D) None of these
Learning
9. The effectiveness of an SVM
(A) a only
depends upon
(A) Selection of Kernel (B) a and b
(B) Kernel Parameters (C) a and c
(C) Soft Margin Parameter C
(D) a, b and d
(D) All of the above
10. What is/are true about ker- 14. What are support vector
nel in SVM?1. Kernel func- machines used for?
tion map low dimensional (A) classification, outliers detec-
data to high dimensional tion, regression
space2. It’s a similarity func-
tion (B) regression
(A) 1 (C) outliers detection, classifica-
(B) 2 tion
(C) 1 and 2 (D) clustering, classification, out-
(D) None of these liers detection, regression
NARAYAN CHANGDER
has the form:y = 8-3 X1 + 4 (B) Linear regression is not sensi-
X2 .As X1 increases by 1 unit tive to outliers
(holding X2 constant), y will
(C) Can’t say
(A) decrease by 4 units (D) None of these
(B) increase by 4 units
9. Simple linear regression
(C) decrease by 3 units (SLR) is a type of statis-
(D) increase by 3 units tical analysis.
(A) Univariate
5. FALSE
(B) Bivariate
(A) Least Square Error
(C) Multivariate
(B) Maximum Likelihood
(D) none of above
(C) Logarithmic Loss
(D) Both A and B 10. Which of the following eval-
uation metrics can be used
6. Using Ridge, What will hap- to evaluate a model while
pen when you apply very modeling a continuous out-
large penalty? put variable?
(A) Some of the coefficient will be- (A) AUC-ROC
come absolute zero
(B) Accuracy
(B) Some of the coefficient will ap-
proach zero but not absolute zero (C) Logloss
(D) Mean-Squared-Error
(C) Both A and B depending on
the situation 11. If I tell you that the correla-
tion between two variables
(D) None of these
is .50, what is the variance
7. Suppose you have to pre- accounted for (i.e. what %
dict the salary of employees of the change in y is ex-
from their experience. This plained by the change in
is: x)?
12. Suppose that in our sam- 16. In MLR, the square of the
ple, following a logistic re- multiple correlation coeffi-
gression analysis, the odds cient or R2 is called the
for girls of having a posi- (A) Variance
tive attitude to school were
1.25. What proportion of (B) Covariance
girls would be expected to (C) Coefficient of determination
have a positive attitude?
(D) Big R
(A) 25%
17. A shows the relation-
(B) 35% ship between two quantita-
(C) 45% tive variables measured on
the same individuals.
(D) 55%
(A) scatterplot
13. Which of the following is (B) residual plot
true about Residuals?
(C) regression line
(A) Lower is better
(D) television
(B) Higher is better
18. A regression model in
(C) A or B depend on the situation which more than one inde-
pendent variable is used to
(D) None of these predict the dependent vari-
able is called as
14. A term used to describe the
(A) a simple linear regression
case when the independent
model
variables in a multiple re-
gression model are corre- (B) a multiple regression model
lated is (C) an independent model
(A) independence of residual (D) none of above
(B) linearity of residual 19. The measures the
(C) multicollinearity strength of the linear rela-
tionship between two quan-
(D) homocedasticity
titative variables.
15. What type of machine (A) correlation
learning algorithm makes (B) regression line
predictions when you have
a set of input data with la- (C) residual
bels? (D) scatterplot
(A) Supervised learning 20. The equation of the least
(B) Unsupervised learning squares regression line is y
(hat) = 1.3 + 0.73x. What is
(C) Reinforcement learning
the residual for the point (4,
(D) All 7)?
NARAYAN CHANGDER
tion Y = 3 + 0.4X. This indi-
21. Residuals refer to the er- cates that:
ror values of the model.
Which of the following is (A) When Y = 0.4, X = 3
true about residuals? (B) When Y = 0, X = 3
(A) Lower is better (C) When X = 3, Y = 0.4
(B) Higher is better (D) When X = 0, Y = 3
(C) depend on situation
26. Which of the following
(D) None of the above
shows the BEST result of in-
22. Suppose you have been dependence of residual?
given a fair coin and you (A) 2.09
want to find out the odds of
getting heads. Which of the (B) 2.89
following option is true for (C) 1.89
such a case?
(D) 2.01
(A) odds will be 0
(B) odds will be 0.5 27. Stepwise regression method
allows researchers to cre-
(C) odds will be 1
ate the most parsimonious
(D) None model.
23. Which of these CANNOT be (A) Yes
described by a scatterplot?
(B) No
(A) direction
(C) Somewhat true
(B) strength
(D) Somewhat false
(C) form
(D) causation 28. What will happen when
you apply very large
24. Which example shows penalty in case of Lasso?
CAUSATION? (Which one
CAUSED the other to hap- (A) Some of the coefficient will be-
pen?) come zero
(A) High social media usage and (B) Some of the coefficient will be
reduced grades. approaching to zero but not abso-
lute zero
(B) Car ran out of gas and being
stranded on the side of the road. (C) Both A and B depending on
the situation
(C) Recess time and number of
friends. (D) None of these
NARAYAN CHANGDER
telligence.
(C) Trigger function
(A) DL
(D) none of above
(B) CV
(C) AI 14. Signal transmission at
synapse is a?
(D) none of above
(A) physical process
9. Which of the following is not
(B) chemical process
an AI application?
(C) physical & chemical both
(A) Google Maps
(D) none of the mentioned
(B) Writing suggestion in gmail
(C) Face Recognition 15. Which of the following is
an application of NN (Neu-
(D) Kahoot
ral Network)?
10. The part of the neuron that (A) Sales forecasting
takes information away
(B) Data validation
from the cell body is called
a(n) (C) Risk management
(A) dendrite (D) All of the mentioned
(B) axon 16. Subset of machine learning
(C) cell body in which artificial neural net-
works adapt and learn from
(D) Schwann cell
vast amount of data
11. When both inputs are 1, (A) Deep Learning
what will be the output of
(B) Data Science
the pitts model nand gate?
(C) Cognition
(A) 0
(D) Model Building
(B) 1
(C) either 0 or 1 17. You have an input volume
that is 32x32x16, and ap-
(D) z
ply max pooling with a
12. Which of the following is stride of 2 and a filter size
not a categories in learning of 2. What is the output vol-
of ANN ume?
(A) Enforcement learning (A) 15x15x16
(B) supervised learning, (B) 16x16x16
(C) unsupervised learning, (C) 32x32x8
(D) reinforcement learning (D) 16x16x8
NARAYAN CHANGDER
and comments to make you
work is sad
(A) brain (A) Dataset
(B) neuron (B) unsupervised learning
(C) nucleus (C) supervised learning
(D) axon (D) Classifiers
38. To predict a test data with 42. Which is the best output
a perceptron in python we configuration for a model
use tasked with predicting a pa-
(A) perceptron.fit(X train) tient’s age given their brain
MRI image?
(B) perceptron.fit(X train, y
(A) One neuron with sigmoid
train)
(B) Multiple neurons with softmax
(C) perceptron.predict(X test)
(D) perceptron.predict(X test, y (C) One neuron with linear output
test)
39. What is the trend in soft- (D) Multiple neurons with Tanh
ware nowadays?
43. A dense multi layer percep-
(A) to bring computer more & tron layer has 300 input
more closer to user values and 200 output val-
(B) to solve complex problems ues. Assuming no bias, how
many parameters does the
(C) to be task specific layer contain?
(D) to be versatile (A) 500
40. exploit spatially-local cor- (B) 6000
relation by enforcing a lo- (C) 60000
cal connectivity pattern be- (D) 3000
tween neurons of adjacent
layers. 44. What are dendrites?
(A) RNN or Recurrent Neural Net- (A) fibers of nerves
work (B) nuclear projections
(B) CNN or Convolution Neural (C) other name for nucleus
Network (D) none of the mentioned
(C) LSTMor Long-Short Term
Memory 45. What was the 2nd stage in
perceptron model called?
(D) none of above
(A) sensory units
41. Targetted marketing, Rec- (B) summing unit
ommended Systems, and (C) association unit
Customer Segmentation are
applications in (D) output unit
(B) Multiple neurons with softmax 51. Every Artificial Neural must
have at least
(C) One neuron with linear output (A) two layers.
(B) three layers.
NARAYAN CHANGDER
(D) None of these (C) four layers.
47. short for Robotic Exoplanet (D) none of above
Recognition for Exoplanets
that are beyond our solar 52. It is the ability of a dig-
system. ital computer or computer-
controlled robot to perform
(A) Roberta tasks commonly associated
(B) Robert with intelligent beings
(C) Robot (A) Automated computations
(B) Each node computes it’s 55. Which one of these is not an
weighted input. area of AI?
(C) Node could be in excited state (A) computer vision/image recog-
or non-excited state. nition
(D) All of the mentioned. (B) voice recognition
57. Under this block, you also 61. they perform the same task
gather evidence to prove for every element of a se-
that the problem you have quence, with the output be-
selected actually exists. ing depended on the previ-
Identify the block of 4W ous computations.
problem canvas. (A) RNN or Recurrent Neural Net-
(A) Who work
NARAYAN CHANGDER
not the promise of artificial (C) Un supervised
neural network?
(D) Semi-Supervised
(A) It can explain result
70. What are ANNs used for?
(B) It can survive the failure of
some nodes (A) Reproduce Human Spinal
Functions
(C) It has inherent parallelism
(B) Reproduce Human Foot Func-
(D) It can handle noise tions
66. is a series of algorithms (C) Reproduce Human Nervous
that aims to understandthe System
relationships in a set of data (D) Reproduce Human Brain
using aprocess inspired by Functions
the human brain
71. What are the Advantages
(A) artificial neural network of Neural Networks?
(ANN)
(A) It can be performed without
(B) neuron (nerve cell) any problem
(C) K-nearest neighbor (B) It can be implemented in any
(D) k-mean value application.
(C) A neural network learns and
67. What futuristic actions reprogramming is not necessary
can not be performed by
ANNs? (D) All of the above
The inputs are 4, 10, 5 and 78. receive signal from other
20 respectively. What will neurons.
be the output? (A) Axon
(A) 238 (B) Dendrites
(B) 76 (C) nodes
(C) 119 (D) none of above
(D) 123
79. The total number of training
74. Neural Network is type of examples present in a single
which is type of machine batch
learning (A) Epochs
(A) natural language processing (B) Batch
(B) deep learning (C) Iteration
(C) speech (D) none of above
(D) robotics 80. What is an activation
value?
75. of data created is
(A) weighted sum of inputs
(A) Unstructured
(B) threshold value
(B) Minimally structured
(C) main input to neuron
(C) Structured
(D) none of the mentioned
(D) Randomized
81. Which of the following is
76. Neural Networks are com- the feature of a neural net-
plex with many parame- work?
ters.
(A) Extract information without
(A) Linear Functions any programming
(B) Nonlinear Functions (B) All of these
(C) Discrete Functions (C) Learn itself and produced the
(D) Exponential Functions trained data
(D) Provide the filtered informa-
77. What two types of Neural
tion without input
Networks are there
(A) Biological Neural network 82. What is the name of the test
and Artificial Neural Network that Alan created to check
whether something is hu-
(B) Chemical Neural Network man or a computer?
and Biological Neural Network
(A) Test of Turing
(C) Geological Neural Network
and Artificial Neural Network (B) Turner Test
NARAYAN CHANGDER
(C) Minsky & papert (B) PERFORM HUMAN SPINAL
FUNCTIONS
(D) Rosenblatt
(C) PERFORM HUMAN BRAIN
84. which of the following is not FUNCTIONS
an activation function of NN
(D) PERFORM HUMAN EYE
(A) Sigmoidal Function FUNCTION
(B) Hyperbolic Tangent Function
(Tanh) 89. Which layer performs com-
putation in a multilayer per-
(C) Triangular Function
ceptron?
(D) Rectified Linear Unit (ReLU)
(A) input nodes
Function
(B) Auxiliary nodes.
85. You have an input volume
that is 15x15x8, and pad it (C) hidden nodes
using “pad=2.” What is the (D) none of above
dimension of the resulting
volume (after padding)? 90. The actual processing oc-
curs in which of the follow-
(A) 19x19x12
ing layer?
(B) 17x17x10
(A) input layers
(C) 19x19x8
(B) hidden layers
(D) 17x17x8
(C) output layers
86. computational model in- (D) None of these
spired by the structure and
functions of the biological 91. What Problems do ANNs
neural network not solve?
(A) artificial neural network (A) Geometric problems
(ANN)
(B) Science problems
(B) neuron
(C) Industry problems
(C) weight
(D) Financial problems
(D) bias
92. It is a subset of Artifi-
87. Neural network is inspired
cial Intelligence which en-
by
ables machines to improve
(A) Human heart at tasks with experience
(B) Human lungs (data).
(C) Human brain (A) Machine Learning
(D) human eyes (B) AI
NARAYAN CHANGDER
102. It is an application of ar- (C) Nearly linear when input is
tificial intelligence (AI) that close to zero
provides systems the abil-
ity to automatically learn (D) Slope is close to zero when in-
and improve from experi- put is close to zero
ence without being explic- 107. A 4-input neuron has
itly programmed weights 1, 2, 3 and 4. The
(A) Artificial Intelligence activation function is linear
with the constant of pro-
(B) Decision Tree
portionality being equal to
(C) Machine Learning 2 (y=2x). The inputs, Ox
(D) Linear Regression are 4, 10, 5 and 20 respec-
tively. What will be the out-
103. The current Artificial Neu- put, Oy?
ral Networks are part of
(A) 238
(A) Weak Al systems.
(B) 76
(B) Strong Al systems.
(C) 119
(C) Future Al systems.
(D) 123
(D) none of above
108. What would be consid-
104. collection of ‘neurons’ op- ered stimuli?
erating together at a specific
(A) Friends in the classroom
depth within a neural net-
work (B) Informational posters on the
wall
(A) Bias
(C) Models that are hands on
(B) Weight
(D) All of the above
(C) Neuron
(D) Layers 109. What’s the main point of
difference between human
105. What if the learning rate is & machine intelligence?
too high? (A) human perceive everything as
(A) Model is difficult to converge a pattern while machine perceive
(B) Model consumes more com- it merely as data
putational resources (B) human have emotions
(C) Model takes longer time to (C) human have more IQ & intel-
converge lect
(D) Model is difficult to generalize (D) human have sense organs
NARAYAN CHANGDER
(C) Computer Vision
(A) Regression
(D) none of above
(B) Classification
120. If we want to create a
model of neural network (C) None of these
that can identify whether (D) Regression and Classification
you are wearing a mask or
no, what is the ideal number 125. What are the minimum
of output that we should cre- number of layers we can
ate? have in a NN
(A) 1
(A) Four
(B) 2
(B) Five
(C) 3
(D) none of above (C) Three
(D) Two
121. This is an intermediate
layer between input and
126. In which of the following
output layer and place
type of learning networks
where all the computation
are trained to provide the
is done.
correct output using several
(A) Input example units?
(B) Hidden Layer
(A) Supervised learning
(C) Output
(B) Unsupervised learning
(D) none of above
(C) Reinforcement learning
122. It produces the result for
given inputs. (D) All of these
(A) Input
127. Why do we need biologi-
(B) Hidden Layer cal neural networks?
(C) Output (A) to solve tasks like machine vi-
(D) none of above sion & natural language process-
ing
123. What is the correct exam-
ple of Supervised learning? (B) to apply heuristic search meth-
(A) Face recognition ods to find solutions of problem
NARAYAN CHANGDER
2.9 Deep Learning
1. Given a sound to clip of a (C) Long Short Term Memory Net-
person or people speaking, works
determining the textual rep-
(D) Gated Recurrent Unit Net-
resentation of the speech is
works
(A) Speech Synthesis
(B) Speech Recognition 5. Which of the following tech-
nique is also called as learn-
(C) Prediction of a speech ing from teacher?
(D) All of the above (A) Unsupervised Learning
2. If the number of classes (B) Supervised Learning
present in the data is two,
(C) Reinforcement Learning
which of the following can
be used to measure loss (D) All of the Above
(A) Binary cross entropy 6. Artificial Intelligence is su-
(B) Categorical cross entropy perset of & ,
(C) Root mean squared error (A) Machine Learning & Neural
(D) Sum of squared error Networks
(B) Machine Learning & Deep
3. Input layer contains “n” in-
Learning
puts, hidden layer has “h”
number of nodes. What (C) Deep Learning & Neural Net-
is the dimensionality of works
weight matrix (consider (D) none of above
presence of “bias term”)?
(A) (n+1) x h 7. What are general limita-
tions of back propagation
(B) n x (h+1)
rule? Pick the right choice
(C) n x (h-1) from the given options i) lo-
(D) (n-1) x h cal minima problem ii) slow
convergence iii) scaling
4. occurs when the gradi- (A) only i
ents become very small and
tend towards zero. (B) both ii and i
(A) Exploding Gradients (C) both ii and iii
(B) Vanishing Gradients (D) i, ii and iii
NARAYAN CHANGDER
spect to inputs velop algorithms that can be
used to model complex pat-
(B) Sum of squared error with re- terns and prediction prob-
spect to weights lems.
(C) Sum of squared error with re- (A) ANN
spect to outputs
(B) CNN
(D) None of the above
(C) RNN
18. Which of the following is (D) KNN
a representation learning al-
gorithm? 23. A machine learning system
(A) Neural network is rather than
(B) Random Forest (A) untrained, implicitly pro-
grammed
(C) k-Nearest neighbor
(B) Publicly trained, privately pro-
(D) None of the above
grammed
19. Which of the following deep (C) Trained, explicitly pro-
learning models uses back grammed
propagation?
(D) none of above
(A) Convolutional Neural Net-
work 24. Why is the batch descent
algorithm not commonly
(B) Multilayer Perceptron Network
used?
(A) Too many hidden layers
(C) Recurrent Neural Network
(B) Hard to be implemented
(D) All of the above
(C) Too complex
20. How many layers Deep
(D) The convergence process is
learning algorithms are con-
very slow
structed?
(A) 2 25. What is the objective
of backpropagation algo-
(B) 3
rithm?
(C) 4
(A) to develop learning algorithm
(D) 5 for multilayer feedforward neural
network
21. What is data?
(B) to develop learning algorithm
(A) Unprocessed infomation for single layer feedforward neu-
(B) Set of values ral network
(C) to propagate the computed (B) Cannot handle very large data
loss to compute gradient
(D) all the mentioned (C) Assume normal distribution
26. Which of the following loss (D) Assume independent of fea-
functions is best for Classifi- tures
cation?
31. A decision boundary in an
(A) L1
unspecified number of di-
(B) L2 mensions is called
(C) Manhattan Distance (A) Line
(D) Negative Loglikelihood (B) Plane
27. When the dataset is small (C) Hyperline
which of the following will
(D) Hyperplane
give better performance?
(A) Deep learning 32. Which is the following is
(B) Machine learning true about neurons?
NARAYAN CHANGDER
(C) total number of classes
(C) Data Exploration (D) none of the mentioned
(D) Data Visualization
41. Which of the following is
36. Which of the following is a disadvantage of decision
a low-level programming trees?
library for implementing (A) Factor analysis
deep neural networks?
(B) Decision trees are robust to
(A) Tensorflow outliers
(B) Python (C) Decision trees are prone to be
(C) Keras overfit
(D) R (D) None of the above
NARAYAN CHANGDER
55. Which of the following (C) Learning
more number of computa- (D) none of the mentioned
tion cores.
60. Which of the folllowing is
(A) CPU
an example of feature ex-
(B) GPU traction?
(C) AMD (A) Constructing bag of words
(D) ARM vector from an email
64. What is the filter Size used 69. Feedback networks are
in AlexNet Architecture? used for?
(A) 3 (A) auto association
(B) 5 (B) pattern storage
(C) 7 (C) both auto association & pat-
tern storage
(D) 11
(D) pattern recognition
65. Which of the following is a
type of neural network? 70. Which of the following is an
example of deep learning?
(A) RNN (Recurrent Neural Net-
work) (A) Self-Driving cars
(B) LSTM (Long Short-Term Mem- (B) Pattern Recognition
ory Networks) (C) Natural Language Processing
(C) Restricted Boltzmann Ma-
chines (RBM) (D) All of the above
(D) All of the above 71. Batch normalization helps
66. In VC dimensions of neu- to prevent
ral networks what does VC (A) activation functions to become
stand for? too high or low
(A) Vladimir Cherubim (B) the training speed to become
(B) Vapnik Chervonenkis too slow
74. Which of the following is an 79. The neural net models use
application of RNN? and principles to mimic
(A) Natural Language Processing the processes of the human
brain, allowing for more
(B) Audio and Video analysis general learning.
NARAYAN CHANGDER
(C) Stock market prediction
(A) Maths & Science
(D) All of the above
(B) Maths & Computer Science
75. The price of a smartphone
(A) Cluster (C) Human Brain & Science
(B) Class (D) none of above
(C) Regression
(D) none of above 80. CNN is best suited for:
92. What is true about an en- 97. The algorithm creates a line
sembled classifier? or a hyperplane which sep-
(A) Classifiers that are more arates the data into classes
“sure” can vote with more convic- and also suitable for classifi-
tion cation and regression
NARAYAN CHANGDER
(B) Classifiers can be more “sure” (A) K-means clustering
about a particular part of the (B) Support vector machine
space
(C) Bayesian inference
(C) Most of the times, it performs
better than a single classifier (D) perceptron
(D) All of the above
98. Why RNN doesn’t suit long-
93. Which of the following is term sequence data?
many to one prediction task
(A) Because it doesn’t have
in deep learning?
enough input
(A) Image caption generation
(B) None of DL models suit long-
(B) Text summarization term sequence data
(C) Sentiment analysis
(C) Due to vanishing gradient
(D) Text generation problem
94. Which of the following is a (D) SueSu said so
deep learning library?
(A) Tensorflow 99. LSTM is a variation of
(B) Keras (A) Convolutional Neural Net-
(C) PyTorch work
(D) All of the above (B) Recurrent Neural Network
95. How many max inputs can (C) Multi Layer Perceptron Net-
be given to one neuron? work
(A) 2 (D) None
(B) 5
100. Which of the following op-
(C) 36 tions is not the reason why
(D) None of the above traditional machine learn-
ing algorithms promote the
96. is set of algorithms that development of deep learn-
allows computers to learn ing?
from data without being ex-
plicitly programmed. (A) dimension disaster
(A) Machine Learning (B) local invariance and smooth
(B) Deep Learning regularization
2.10 Perceptron
2.11 Machine Learning Pipeline
1. A retail company wants to (A) Batch size
deploy a machine learning (B) Learning rate
model to predict the de-
mand for a product using (C) Initial weights
sales data from the past (D) Bias term
5 years.What is the MOST
efficient solution that the 4. You are preprocessing a
company should implement credit card fraud dataset
first? that contains the column
‘Amount’. You want to
(A) Regression
determine what the aver-
(B) Multi-class classification age amount is for the cases
(C) Binary class classification where there is fraud. Which
basic descriptive statistic
(D) none of above
could you use to achieve
2. Which feature of Amazon this?
SageMaker can you use to (A) Mode
learn patterns in data?
(B) Median
(A) SageMaker notebook in-
stances (C) Standard Deviation
(B) SageMaker training jobs (D) Mean
(C) SageMaker hyperaparameter 5. In which phase of the ML
tuning pipeline do you analyze the
(D) SageMaker endpoints business requirements and
re-frame that information
3. When updating your into a machine learning con-
weights using the loss func- text.
tion, what dictates how
much change the weights (A) Problem formulation
should have? (B) Model training
NARAYAN CHANGDER
model, you should use one- (C) Bayesian optimization
hot encoding on what type (D) none of above
of data
8. Which of the following is
(A) Continuous
NOT an example of machine
(B) Ordinal learning?
(C) Nominal (A) Estimating home prices based
(D) Numerical on attributes of the property
(B) Sorting department store
7. A Data Scientist wants items by bar code
to tune the hyperparam-
eters of a machine learn- (C) Identifying objects in an im-
ing model to improve the age based on training data
model’s F1 score.Which tech- (D) Recommending products
nique CANNOT be used based on users’ buying habits
16. If people lose their jobs be- 21. Steps involved in the self
cause of AI, what will they driving cars:
NARAYAN CHANGDER
do? (A) Object detection
(A) become homeless (B) Motion planning
(B) retire from working (C) Both of the above
(C) stay home (D) None of the above
(D) learn how to do something dif- 22. CLOSEST in meaningRay
ferent Kurzweil suggests that ex-
ponential technological de-
17. This application technology velopment will lead to the
are expected to be the most inevitable rise of artificial in-
influential AI application in telligence.
future.
(A) inapplicable
(A) 5G Network (B) unavoidable
(B) Autonomous Vehicle (C) unrecognizable
(C) Computer Vision (D) invisible
(D) Block Chain 23. can be defined as the
18. AI is capable to process ability of a computer to per-
amount of data at higher form tasks that require hu-
speed. man intelligence.
NARAYAN CHANGDER
(C) CNN
(A) How quickly your program
can perform tasks (D) Fully connected neural net-
work
(B) How much you should trust the
accuracy of your program 41. If a computer can play chess
(C) How many math problems it known as
your program can complete in a (A) a good
given time
(B) a simple
(D) How well your program can
(C) an intelligent
perform on a video game
(D) none of above
37. Which of the given lan-
guage is not commonly used 42. Which of the following
for AI? statements are FALSE?
(A) LISP (A) An AI might be placed in a po-
sition where it has to make a life
(B) PROLOG or death decision
(C) Python (B) AI’s can learn from the mis-
(D) Perl takes that they make
38. What means was devised (C) AI’s use the same criteria as
to help work out whether humans, when making decisions
or not a computer can think (D) none of above
like a human?
43. refers to the AI modelling
(A) IQ test where the machine learns
(B) AI test by itself.
(C) Turing Test (A) Machine Learning
(D) Machine Learning (B) Learning Based
(C) Rule Based
39. Color recognition:
(D) Data Sciences
(A) computer vision
(B) robotics 44. OPPOSITE in meaningPro-
fessor Stephen Hawking
(C) Natural Language Processing thinks the primitive forms
of A.I. which have been de-
(D) none of above veloped so far have already
proved very useful.
40. For the image classification
problem, which of the fol- (A) basic
lowing neural networks is (B) modern
53. Which of the following ca- (C) A variable name can start with
pabilities is a challenge to a symbol
develop in machines? (D) A variable name can include
(A) Retain facts as knowledge special symbols
NARAYAN CHANGDER
(B) Recall the knowledge 58. AI-based microprocessor
(C) Think, analyse and apply are computing.
logic (A) 4G
(D) All of these (B) 5G
63. If there are aliens out there, 68. In training an Artificial Intel-
do you think they are much ligence system, we need to
more advanced than we provide a data set with suffi-
are? ciently large amount of pho-
(A) technological tos, speeches, or texts, etc.
for the system to
(B) technologically
(A) analyse
(C) technology
(D) technologies (B) learn
(C) manage
64. Which of the below AI
projects don’t exist yet? (D) practice
(A) An AI with citizenship
69. CLOSEST in meaningA.I. al-
(B) A robot with a muscular skele-
gorithms can also help to de-
tal system?
tect faces and other features
(C) AI that can read it’s owner’s in photo sent to social net-
emotions working sites and automat-
(D) AI that develops emotions ically organize them.
over time. (A) categorize
65. Automatic Reasoning tool is (B) connect
used in
(C) recognize
(A) Personal Computers
(D) remind
(B) Microcomputers
(C) LISP Machines 70. Which of these can be done
(D) All of the above in the field of healthcare, by
using AI?
66. These data are not in the
usual database format but (A) Detection of diseases & their
have the property of being treatment
easier to process. (B) Decision making
(A) Structured (C) Medical treatment
(B) Unstructured
(D) All of these
(C) Semi-Structured
(D) none of above 71. The term Artificial Intelli-
gence was first coined by
67. Can AI work in small, dark, whom?
airless spaces?
(A) John McCarthy
(A) Well
(B) Sure! (B) Charles Babbage
NARAYAN CHANGDER
(A) Give it data
(C) lose
(B) Provide it with examples
(D) take
(C) All of the above
73. Software designed to facili- (D) None of the above
tate a conversation between
a computer and human end- 78. Which one is the ‘Expert
user? Task’ for a machine?
(A) Voice response (A) Recognizing objects
(B) Walkie Talkie (B) Solving Mathematical prob-
(C) Chatbot lems
(D) Messaging (C) Medical Diagnsoning
(D) None of these
74. Consider the following two
statements:i) AI technology 79. How many benefits of AI
is the first truly safe tech- are there in our presenta-
nology of 21st century ii) tion?
AI technology provides best
(A) 1
returns at minimum risks.
Which of these statements (B) 2
is/are true? (C) 3
(A) Only ( i ) (D) 4
(B) Only ( ii )
80. Which of these does not be-
(C) Both ( i ) and ( ii ) long to reinforcement learn-
(D) Neither ( i ) nor ( ii ) ing?
(A) rewards
75. Find the word which has a
different sound in the part (B) agent
underlined. (C) environment
(A) algorithm (D) labelled input
(B) threat
81. When was the term Arti-
(C) thousand ficial Intelligence first pro-
(D) theory posed?
NARAYAN CHANGDER
enormous amount of data is
(B) Lack of human touch-empathy
called
and emotional intelligence
(A) Data processing
(C) Saves money and have better
(B) Sensing monitoring
(C) Analytics (D) none of above
(D) Reasoning 98. Which of the following
94. An Expert System uses the is/are the composition for
knowledge of many experts AI agents?
in a particular field to (A) Program only
(A) solve problems and make de- (B) Architecture only
cisions (C) Both Program and Architec-
(B) retain knowledge ture
(C) write game playing programs (D) None of the mentioned
NARAYAN CHANGDER
(A) make noise (C) Neural Networks
(B) malfunction (D) None of these
(C) operate
117. When the term “Artifi-
(D) work cial Intelligent” was first
coined?
112. Chat engines enabled with
Al are called (A) in 1956
131. One of the following is not 136. Fill in the blanks:-In year
an example of A.I. , college the concept of
(A) ATM artificial intelligence was de-
veloped.
(B) Robot
(A) 1956, Darthmouth
NARAYAN CHANGDER
(C) Bicycle
(B) 1986, Darthmouth
(D) Self-driving car
(C) 1959, Darthmouth
132. Who is the quotee of “It
(general AI) would take off (D) 1976, Darthmouth
on its own, and re-design 137. Which of the following ar-
itself at an ever increas- eas can not contribute to
ing rate. Humans, who build an intelligent system
are limited by slow biologi-
cal evolution, couldn’t com- (A) Neuron science
pete, and would be super- (B) Maths
seded.”
(C) Computer Science
(A) Stephen Hawking
(D) Geology
(B) Barack Obama
(C) Christopher Nolan 138. For propositional Logic,
which statement is false?
(D) Bill Gates
(A) The sentences of Propositional
133. Data is the key of the logic can have answers other than
domains of Al. True or False.
(A) Two (B) Each sentence is a declarative
(B) Three sentence.
(C) Five (C) Propositional logic is a knowl-
(D) Eight edge representation technique in
AI.
134. What is Facefirst (D) None of the above
(A) Prediction software
139. Which of the following
(B) Facial recognition software
helps you in assessing ma-
employed by Walmart
chine learning algorithms?
(C) A branch of Facebook,
(A) K-Means Clustering
(D) none of above
(B) Linear Regression
135. What was the name of the (C) Data Analysis
first computer created dur-
ing WW II? (D) Performance Metrics
(A) IBM Deep Blue 140. What is artificial intelli-
(B) ENIAC gence used for?
(C) ENIGMA (A) For reading
(D) none of above (B) For writing
NARAYAN CHANGDER
(C) Tik Tok
(C) Semi-Structured
(D) Social Media
(D) none of above
151. Self driving cars are a type
of AI 156. The first true Al programs
had to await the of
(A) Reactive Machine AI stored-program electronic
(B) Theory of Mind digital computers.
(C) Limited Memory AI (A) arrive
(D) None of these (B) arriving
(C) arrival
152. Which AI is considered as
a threat to human beings (D) arriver
NARAYAN CHANGDER
(B) Programming on Machine
with your Own Intelligence (C) Researches
(C) Making a machine Intelligent (D) Researching
(D) Putting your intelligence in 174. The old astronomer pa-
Machine tiently made his and
wrote down what he saw.
169. Who was the funder of Ar-
tificial Intelligence (A) observation
(B) observatory
(A) John McCarthy
(C) observe
(B) Christine Gabbard
(D) observer
(C) Ona Juodkiene
175. These programs act intelli-
(D) Sara Hines
gently but are not intelligent.
170. GPS systems help a lot of They are
people on land, on the (A) Weak AI
sea, and in the air. (B) Strong AI
(A) inform (C) Not Sure which category
(B) interfere (D) None of these
(C) navigate 176. CLOSEST in meaningInter-
(D) reunite net search engines can help
to predict the weather as
171. The first general purpose well as traffic jams in a city.
mobile robot, also called the (A) announce
‘first electronic person’ is
(B) expect
(A) David
(C) forecast
(B) ASIMO
(D) reveal
(C) Unimate
177. Which part of this pro-
(D) Shakey gram is the variable?
robot name = “Wall-
172. An agent is composed of
E”print(”The cutest robot is”
+ robot name)
(A) Architecture (A) robot name
(B) Agent Function (B) “Wall-E”
(C) Perception Sequence (C) “The cutest robot is”
(D) Architecture and Program (D) print
NARAYAN CHANGDER
(B) Super-intelligent AI agents
(B) Vision Systems
(C) Spam Filter
(C) Natural Language
(D) AlphaGo
(D) none of above
198. A.I. robots are of hav- 203. Who is known as the “Fa-
ing human emotions. ther of AI “?
(A) able (A) Fisher Ada
(B) capable (B) Alan Turing
(C) efficient (C) John McCarthy
(D) fond (D) Allen Newell
199. Which of the following 204. Which of the following
does not belong to the stage was a chess playing super
‘ Data Exploration’? computer made by IBM?
(A) Gathering Data (A) Blue coral
(B) Data Analysis (B) Deep Blue
(C) Data Preparation (C) Watson
(D) Data Wrangling (D) Sophia
200. states that about ev-
205. Which of the following is
ery 2 years, technology ad-
a fundamental goal of re-
vances so that the speed of
search in Artificial Intelli-
computers doubles.
gence?
(A) Moore’s Law
(A) Reasoning
(B) Trump’s Law
(B) Coupling
(C) Murphy’s Law
(C) Mastering
(D) Lawrence’s Law
(D) Data
201. The application/applications
of Artificial Intelligence 206. AI analyzes more and
is/are deeper data using
208. Machines with strong intel- 213. What was the name of
ligence are able to retain the computer that defeated
(A) Data Wold Champion Gary Kas-
parov in 1997?
(B) Learning
(A) Deep Sea
NARAYAN CHANGDER
(C) Language
(B) Ocean Blue
(D) Skill
(C) Old Sea
209. The of the outbreak (D) Deep Blue
of the disease is still un-
known. 214. which AI system passed
an eight grade science test
(A) aim
developed by the allen insti-
(B) cause tute?
(C) motive (A) deep blue
(D) reason (B) deep learning
210. What is artificial intelli- (C) aristo
gence said to be? (D) sophiya
(A) very dangerous
215. What is AI used for?
(B) intelligent robots
(A) Healthcare
(C) smarter than humans
(B) Transportation
(D) the future
(C) Education
211. Which of the following (D) All of the Above
tasks would an AI be able to
perform the LEAST success- 216. The meaning of artificial
fully? intelligence was first pro-
posed by a scientist in 1950,
(A) Suggesting what someone
and at thesame time a test
might want to buy from a shop-
model of machine intelli-
ping website
gence was proposed. Who
(B) Using traffic data to work out is this scientist?
what cars people are likely to buy
(A) Minsky
(C) Playing hangman
(B) Zade
(D) Writing a joke
(C) Turing
212. WHAT ARE AI’S FEEDED UP (D) Von Neumann
WITH?
217. The following are exam-
(A) QUALITY DATA ples of an expert system ex-
(B) JUNK FOOD cept
(C) COMMON SENSE (A) Automated Teller Machine
(D) none of above (B) Thermometer
NARAYAN CHANGDER
like people
(D) chat box
(C) Understand human emotions
234. The area of A.I that inves-
(D) All are right tigates methods of facilitat-
ing communication between
229. Which of the following is people and computers:
not a type of AI based on (A) Artificial language processing
functionality?
(A) Reactive Machines (B) Symbolic processing
(B) Theory Of Mind (C) Natural Language processing
(C) Self Minded
(D) Limited Memory (D) Decision support
NARAYAN CHANGDER
(C) Making a Machine intelligent
(D) none of above 254. These data have no clear
format in storage and not in
249. Among the machine learn- the traditional database for-
ing algorithms, which of the mat.
following are not integrated (A) Structured
learning strategies?
(B) Unstructured
(A) Boosting
(C) Semi-Structured
(B) Stacking
(D) none of above
(C) Bagging
255. Choose the correct option
(D) Marking
for the following statement:-
250. is the ability of a com- A) Knowledge base (KB) is
puter to perform tasks that consists of set of statements.
require human intelligence B) Inference is deriving a
new sentence from the KB.
(A) skill
(A) A is false, B is true
(B) AI
(B) A is false, B is false
(C) Data
(C) A is true, B is false
(D) Application
(D) A is true, B is true
251. You should have your car
256. Now gardeners find their
before going.
job easier by getting the
(A) servicing grass by automatic lawn
(B) to service mowers.
(C) service (A) cuts
(D) serviced (B) to cut
(C) cutting
252. Who is the father of AI?
(D) cut
(A) Alan Turing
257. Which of these does not
(B) Albert Einstein
use Machine Learning / AI?
(C) John McCarthy
(A) driverless cars
(D) Issac Newton
(B) Siri / Alexa
253. NLU Stands for (C) Wireless speakers
(A) Neutral Language Under- (D) facial recognition on your
standing phone
NARAYAN CHANGDER
(B) Perceptual Intelligence (C) cannot perform complex tasks
(C) Behavioral Intelligence
(D) Strong AI (D) can achieve self conscious-
ness with time
268. He was barely of writ-
273. An expert system is com-
ing his own name.
posed of a
(A) able
(A) Database, query engine
(B) capable
(B) Knowledge base, search en-
(C) enable gine
(D) talented (C) Database, inference engine
(D) Knowledge base, inference
269. An interactive computer
engine
program that could function-
ally converse in English with 274. The AI application that
a person is transports you into a three-
(A) Kismet dimensional world is
(B) Shakey (A) Virtual learning
NARAYAN CHANGDER
(C) Google Home 292. Style transfer filters in ap-
(D) code that can play chess plications such as Prisma
that take a photo and trans-
287. We had the computer tech- form it into different art
nician the new software styles (impressionist, cubist,
for us. ). Is this AI
(A) to install (A) Yes
(B) installed (B) No
(C) installing (C) Kind of
(D) install (D) none of above
288. The term ‘AI’ was coined 293. Machine Learning enables
by a machine to “recognize”
and “learn” the patterns in
(A) Ken Jennings
the training set of data. The
(B) Alan Turing machine learns by looking
(C) John McCarthy for patterns from the train-
ing data set and then builds
(D) Brad Rutter
a
289. is a subset of AI which (A) pattern
enables machines to im- (B) module
prove at taskes with experi-
(C) machine
ence (data).
(D) model
(A) Machine learning
(B) Computer vision(CV) 294. What is an artificial intelli-
gence robot?
(C) NLP
(A) A robot that learns by observ-
(D) Deep learning ing people
290. How many types of AI is (B) A robot that welds things
there (C) A robot that makes things
(A) 2 (D) A robot that is in the army
(B) 6 295. Which of these is not an AI
(C) 10 program
(D) 4 (A) Quick, Draw!
(B) Chatter-bot
291. The ability of a computer
to understand images and (C) Quizizz
videos (D) Spotify
296. A is divided into multi- 301. I’ll have the boys the
ple layers and each layer is chairs.
further divided into several (A) paint
blocks called nodes.
(B) to paint
(A) Neural Networks
(C) painted
(B) Convolutional Neural Net-
work (CNN) (D) painting
(C) Machine learning algorithm 302. In Artificial Intelligence,
(D) Hidden Layers NLP stands for
NARAYAN CHANGDER
(C) Data
(C) S+ get + Sb + To Vo+ sth
(D) All of these
(D) S + want + Sb + to Vo + sth.
307. Which of the following is
312. Ability of Al to understand
not an example of Artificial
human speech is called
Intelligence?
(A) Language processing
(A) Chess Playing Computers
(B) Human language processing
(B) Self Driving Cars
(C) Natural language processing
(C) Face Recognising Devices
(D) Human speech processing
(D) Money Counting Machines
313. What is intelligence?
308. Which is a not commonly (A) Storing or keeping lots of in-
used programming lan- formation
guage for AI?
(B) Understanding
(A) Python
(C) Being emotional
(B) R
(D) Being heartless
(C) Perl
314. What was originally
(D) Java called the “imitation game”
by its creator?
309. Who was John Mc-
Carthy? (A) Turing test
(A) The man who coined the term (B) Cybernetics
“artificial intelligence”. (C) PubG
(B) An astronaut who created a (D) None
robot.
315. Which is the third most
(C) A singer from the 80s. used AI?
(D) none of above (A) Google Assistant
NARAYAN CHANGDER
(C) Machine learning 333. Understand
(D) NLP
(A) Segment
328. The ability of a computer (B) Respectively
to understand human lan-
guage is called (C) Comprehend
(A) NLP (D) Accuracy
(B) Computer Vision
334. Kelly wanted a live band
(C) Medical Science
at her wedding.
(D) none of above
(A) been playing
329. NASA has had an au-
tonomous spaceship the (B) to play
universe recently. (C) played
(A) to explore
(D) to be played
(B) explored
(C) explore 335. Astronomers have a
new planet outside our
(D) exploring
galaxy.
330. Who is the father of artifi- (A) invented
cial intelligence?
(A) Alan Turing (B) unearthed
NARAYAN CHANGDER
(C) 3 (C) Super AI
(D) 4 (D) none of above
NARAYAN CHANGDER
of different forms of learn-
ing as applied in artificial in- (B) A.I
telligence. (C) Agent
(A) a (D) None of the above
(B) forms 371. Intelligent machines that
(C) as can learn any tasks that hu-
mans can do.
(D) in
(A) Artificial general intelligence
367. Which of the following ar- (B) Artificial narrow intelligence
tificial intelligence systems
will theoretically surpass hu- (C) Artificial super intelligence
man capabilities? (D) none of above
(A) Artificial Board Intelligence 372. The maximum depth to
Systems which the alpha-beta prun-
(B) Human Intelligence based Ar- ing can be applied.
tificial systems (A) Eight states
(C) Super Computing Artificial In- (B) Six states
telligent systems
(C) Ten states
(D) Artificial Super Intelligence
Systems (D) Any depth
NARAYAN CHANGDER
(B) Machine translation
(C) Riemann geometry (B) Communication in natural
language
(D) Semantic understanding
(C) Playing complex games, like
385. A type of data that is a chess
sequence of characters and
can include letters or num- (D) Solving complex mathemati-
bers. MUST BE WITHIN QUO- cal models or problems
TATION MARKS!
390. If computers become as
(A) String smart as humans, ?
(B) Integer (A) would they do our jobs better
(C) Float than we can
(D) Data (B) will they do our jobs better
than we can
386. Which of the following is
not part of the AI Project Cy- (C) would they do our jobs better
cle? than we could
(A) Data Exploration (D) will they do our jobs better
than we could
(B) Modelling
(C) Testing 391. Which AI is also known as
(D) Problem Scoping ‘Strong AI’
(A) Artificial Super Intelligence
387. Sometimes scientists talk
about the third form of AI (B) Artificial General Intelligence
that is:
(C) Artificial Narrow Intelligence
(A) Weak AI
(D) Artificial Weak Intelligence
(B) Strong AI
(C) Superintelligence 392. Robots may be equipped
the equivalent of human
(D) None of these senses such as vision, touch,
and the ability to sense tem-
388. Name any 2 methods of
perature.
collecting data.
(A) Surveys and Interviews (A) by
393. Two areas that show the 398. Which is the first stage in
highest growth in intelligent AI Project Cycle?
automation adoption over (A) Data Acquisition
the next three years in-
clude: (B) Project Scoping
NARAYAN CHANGDER
used in: (C) under control
(D) under pressure
(A) OBJECT DETECTION
(B) IMAGE PROCESSING 409. Which of the following is
not included in the recurrent
(C) TO OVERCOME LIMITA-
neural network usage sce-
TIONS OF MACHINE LEARNING
nario?
(A) Machine translation
(D) ALL OF THE ABOVE
(B) Speech recognition
405. What does AI stand for?
(C) Image style migration
(A) Artificial Intelligence
(D) Text generation
(B) Artificial Inteligence
410. systems are commonly
(C) Artifical Intelligence
used for testing theories and
(D) Artificial Intelligen learning more about the
working of human brain.
406. is defined as the per-
centage of correct predic- (A) Narrow All
tions out of all the observa- (B) Artificial General intelligence
tions.
(C) Applied Al
(A) Predictions
(D) Cognitive All
(B) Accuracy
411. Artificial intelligence sys-
(C) Reality
tems
(D) F1 Score
(A) duplicate the working of hu-
407. Select one application man brain
mentioned in the video, (B) try to copy the working of hu-
which uses NLP. man brain
(A) Twitter (C) try to partially copy the work-
(B) Facebook ing of the human brain
422. I can do only one task, but (B) Helps us to get information in
I do it perfectly. seconds
(A) Narrow AI (C) Helps with security
(B) General AI (D) All of the above
NARAYAN CHANGDER
(C) Super AI
427. What is the other name of
(D) none of above informed search strategy?
423. The A.I have made (A) Simple search
medicine easier, more effec-
tive and efficient, an exam- (B) Online search
ple of this is (C) Heuristic search
(A) Doctors can see 3D images of (D) None of the mentioned
organs from their laptop
(B) Gives more information than 428. In May 1997, the famous
a human can detect “Human-Machine Wars” fi-
nal computer defeated Kas-
(C) Monitor their health and rou- parov, theworld chess king,
tine tests with a total score of 3.5
(D) All of them are correct to 2.5. Is this computer
called?
424. Playing chess is a task that
require (A) Dark blue
(A) Computer (B) Dark green
(B) intelligence (C) Ponder
(C) application (D) Blue sky
(D) none of above
429. The telescope will photo-
425. The following statements graph distant galaxies,
describe Artificial Intelli- attempt to understand their
gence EXCEPT past.
(A) AI is very useful in the present (A) with
generation increasing its produc-
(B) in
tivity.
(B) Al is a threat if mismanaged or (C) for
used for bad intentions. (D) on
(C) AI replaces humans as it is
more efficient than humans. 430. Which of the following is a
subset of AI?
(D) All of the above
(A) Machine learning
426. Why do we need Artificial
(B) Deep learning
Intelligence?
(C) Both a) and b)
(A) It helps with everyday prob-
lems (D) None of these
NARAYAN CHANGDER
make humanity insignifi-
cant both in life and work. (C) WABOT-1
(A) Future (D) Roomba
(B) Radical 446. Why is artificial intelli-
(C) Sophisticated gence different from normal
human intelligence?
(D) Unconventional
(A) As it is made to replicate hu-
442. Which of the following man intelligence
uses machine-learning tech- (B) As our technology is not as ad-
nology to become smarter vanced to replicate a human
and more capable of under-
standing natural language (C) It is made to know everything
questions and requests? making it different
NARAYAN CHANGDER
ture (C) A computer assisting software
(C) Because it is famous world used in customer services.
wide (D) none of above
(D) Because it saves the environ-
ment by not using fuel 466. A music recommendation
system such as Spotify that
461. Artificial Narrow intelli- suggests music based on the
gence is also known as: user’s listening behavior. Is
(A) Weak AI this AI
(B) Strong AI (A) Yes
(C) Moderate AI (B) No
(D) None of these (C) Kind of
(D) none of above
462. When is the term Artificial
Intelligence applied? 467. SDGs are the collection of
(A) When the machines mimic the interlinked goals.
cognitive functions that humans (A) 16
ought to carryout (B) 17
(B) When a machine turns on (C) 18
(C) When a machine performs (D) 19
very well
(D) When a machine becomes 468. By Problem Scoping, we
faulty mean
(A) understanding the problem
463. Who coined the term “Ar-
tificial Intelligence”? (B) examining who will be af-
fected
(A) John McCarthy
(C) checking where can this help
(B) Hebert Simon
(D) all of the above
(C) Allen Newell
(D) Allan Turing 469. Unluckily, David’s danger-
ous and incredible journey
464. Which of the following is in search of the Blue Fairy is
not the type of AI in
(A) Reactive machines (A) advance
(B) Unlimited memory (B) danger
(C) Self-awareness (C) end
(D) Theory of mind (D) vain
470. Humans use this to com- 475. The role of neural net-
municate with the computer works comes under which
and tell it to do something. type of learning?
(A) Programming Language (A) Supervised
(B) Program (B) Unsupervised
(C) Output (C) Reinforcement
474. Which of the following sci- 479. WHAT IS THE FULL FORM
entist who were involved in OF AGI?
the project of AI? (A) ARTIFICIAL GENERAL INTELLI-
(A) Albert Einstein GENCE
(B) ARTIFICIAL GRAND INTELLI-
(B) Marvin Minsky
GENCE
(C) Charles Darwin
(C) ARTIFICIAL GRASP INTELLI-
(D) Gregor Mendel GENCE
NARAYAN CHANGDER
(B) Can solve a problem on its
(A) Neural Network Systems own without any human interven-
tion
(B) Narrow Al Systems
(C) Strong Al Systems (C) Need a similar exemplary
problem in its knowledge base
(D) Special Al Systems
(D) All of the above
481. Which of the following are
the terms used under artifi- 486. A type of AI which is able
cial intelligence? to find a solution without hu-
(A) Robotics man intervention is:
NARAYAN CHANGDER
(D) none of the above
(C) 7
(D) 9 There are three(3) types 14. Example of Reinforcement
of Machine Learning techniques, learning
which are Supervised Learning, (A) chess game
Unsupervised Learning, and Rein-
forcement Learning . (B) object recognition
(C) Weather conditions
10. Which library is to be
imported for creating (D) price of house
DataFrame? 15. What is the role of Ex-
(A) Python ploratory Data Analysis
(B) DataFrame (EDA) in data analysis?
NARAYAN CHANGDER
(C) Artificial Intelligence
(B) When you increase the k the
(D) all of these bias will be increases
28. In Decision Tree, is divid- (C) Both (A) and (B)
ing the root node into dif-
(D) None of the Above When you
ferent parts on the basis of
increase the k the bias will be in-
some condition.
creases
(A) pruning
(B) splitting 33. is a metric to measure
how often a randomly cho-
(C) leaf node sen element would be incor-
(D) parent node rectly identified.
(A) Information Gain
29. How to check missing val-
ues in categorical variables (B) Entropy
(A) df[categorical].isnull(). sum () (C) none of these
(B) df[categorical].isnull() (D) Gini Index Gini Index is a met-
(C) df[categorical]. sum () ric to measure how often a ran-
domly chosen element would be
(D) df[categorical].null(). sum () incorrectly identified
30. Amongst which of the fol-
34. Full form of PAC is
lowing can be used to create
various inputs using pandas (A) Probably Approximate Cost
DataFrame. (B) Probably Approximate Cor-
(A) Lists, dict rect.
(B) Series (C) Probably Approximate Com-
(C) Numpy ndarrays and Another munication
DataFrame (D) Probably Approximate Com-
(D) All of the above mentioned putation PAC stands for Probably
Approximate Correct.
31. The distance between two
points calculated using 35. Spam Classification is an ex-
Pythagoras theorem is ample for?
(A) supremum distance (A) Naive Bayes
(B) eucledian distance (B) Probabilistic condition
(C) linear distance (C) Random Forest
(D) manhattan distance (D) All the Above
(C) Splitting the name into the list 42. Which type of learning algo-
rithm used for “future crude
oil prices ‘’?
(D) None of these
(A) Recognizing similarities
38. Identify the kind of learning (B) predicting
algorithm for “facial identi- (C) creatind patterns
ties for facial expressions”.
(D) all the above
(A) Prediction
43. During the execution of
(B) Recognition Patterns
following code, what will
(C) Recognizing anomalies be the response, we get
import pandas as pds
(D) Generating Patterns
=pd.Series([1, 2, 3, 4, 5],
index= [’a’, ‘b’, ‘c’, ‘d’,
39. for var in categori-
‘e’])print(s[’f’])
cal:print(df[v0ar].value
counts())What does this (A) KeyError
code means? (B) IndexError
(A) To view the values (C) ValueError
(B) view frequency of categorical (D) None of the above mentioned
variables
44. Machine Learning is a field
(C) view all the values and vari- of AI consisting of learning
ables algorithms that
(D) All of these (A) At executing some task
NARAYAN CHANGDER
das library train) * 100, 2)
(A) Return the sample value
(A) install pandas
(B) Return the observations
(B) pandas install python
(C) Return the Accuracy
(C) python install pandas
(D) None of these
(D) None of the above
50. How to check number of
46. Automatic recognition of
unique values from each col-
patterns in data (text, hand-
umn pandas
writing, images, sound and
video) (A) nunique()
(A) Recognition (B) . unique()
(B) Training (C) .nunique()
(C) Predictive models (D) both 1 and 3
(D) Testing 51. The Scikit Learn library uses
the method to infer the
47. Clustering is and is exam-
properties of data
ple of learning
(A) extract()
(A) predictive and supervised
(B) encode()
(B) predictive and unsupervised
(C) transform()
(C) descriptive and supervised
(D) classify()
(D) descriptive and unsupervised
52. RGB image is represented
48. A Machine Learning tech- by size matrix.
nique that helps in detecting
the outliers in data.what is (A) row X column
it called as?? (B) row X column X 2
(A) Clustering (C) row X column X k
(B) Anomaly Detection (D) row X column X 3
A Bias. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 6
Binary attribute . . . . . . . . . . . . . . . . . . 16
Abilities . . . . . . . . . . . . . . . . . . . . . . . . . . 27 Binary classification . . . . . . . . . . . . . . 42
Ability . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 7 Binary variables . . . . . . . . . . . . . . . . 113
Actions. . . . . . . . . . . . . . . . . . . . . . . . . . . . 7 Biological neural networks . . . . . . . 48
Activation . . . . . . . . . . . . . . . . . . . . . . . . 37 Business requirements . . . . . . . . . . . 61
Activation function . . . . . . . . . . . . . . . 36
Actual positive values . . . . . . . . . . . . 59
Adult human intelligence . . . . . . . . . 82 C
Algorithm . . . . . . . . . . . . . . . . . . . . . . . . . 3
Algorithm learns . . . . . . . . . . . . . . . . . 35 Cars. . . . . . . . . . . . . . . . . . . . . . . . . . . . . 57
Algorithms . . . . . . . . . . . . . . . . . . . . . . . . 9 Categorical variables . . . . . . . . . . . 117
Algorithms work . . . . . . . . . . . . . . . . . 45 Categories. . . . . . . . . . . . . . . . . . . . . . . 25
Analysis . . . . . . . . . . . . . . . . . . . . . . . . . . . 8 Cell . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 35
Areas . . . . . . . . . . . . . . . . . . . . . . . . . . . . 76 Cell body . . . . . . . . . . . . . . . . . . . . . . . . 45
Artificial intelligence timeline . . . . . 81 Certain actions . . . . . . . . . . . . . . . . . . 19
Artificial intelligences. . . . . . . . . . . . . 65 Champions . . . . . . . . . . . . . . . . . . . . . . 98
Artificial narrow intelligence . . . . . . 67 Change . . . . . . . . . . . . . . . . . . . . . . . . . 17
Artificial neural network . . . . . . . . . . 36 Chess . . . . . . . . . . . . . . . . . . . . . . . . . . . 10
Artificial neural networks . . . . . . . . . 46 Class neural network . . . . . . . . . . . . 25
Classes . . . . . . . . . . . . . . . . . . . . . . . . . . 15
Classification model . . . . . . . . . . . . . 20
B Classification type . . . . . . . . . . . . . . . 26
Cluster . . . . . . . . . . . . . . . . . . . . . . . . . . . . 7
Backward links . . . . . . . . . . . . . . . . . . 45 Clustering. . . . . . . . . . . . . . . . . . . . . . . . . 9
Batch normalization . . . . . . . . . . . . . 53 Code . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 4
Behavior. . . . . . . . . . . . . . . . . . . . . . . . . 89 Common graph types . . . . . . . . . . 113
Best choice . . . . . . . . . . . . . . . . . . . . . . 11 Complex problems . . . . . . . . . . . . . . 39
Best robot . . . . . . . . . . . . . . . . . . . . . . 101 Computational intelligence. . . . . . . 90
Better performance . . . . . . . . . . . . . . 53 Computational model. . . . . . . . . . . . 44
NARAYAN CHANGDER
Convolution output . . . . . . . . . . . . . . 51 Exponential technological
Convolutional layer . . . . . . . . . . . . . . 45 development . . . . . . . . . . . . . 64
Correct option . . . . . . . . . . . . . . . . . . . 88 Eyes . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 44
Correct order . . . . . . . . . . . . . . . . . . . . 45
Correction . . . . . . . . . . . . . . . . . . . . . . . 26
Corrupted data . . . . . . . . . . . . . . . . . . 26 F
Customers . . . . . . . . . . . . . . . . . . . . . . . 12
Faces . . . . . . . . . . . . . . . . . . . . . . . . . . 101
Facial expressions . . . . . . . . . . . . . . . 20
D Factor . . . . . . . . . . . . . . . . . . . . . . . . . . . 11
False negatives. . . . . . . . . . . . . . . . . . . . 7
Data . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 3 False positives . . . . . . . . . . . . . . . . . . . 12
Databases . . . . . . . . . . . . . . . . . . . . . . . 78 Fastest route. . . . . . . . . . . . . . . . . . . . 105
Dataset . . . . . . . . . . . . . . . . . . . . . . . . . . 17 Feature map . . . . . . . . . . . . . . . . . . . . . 49
Dataset loading . . . . . . . . . . . . . . . . 113 Final prediction . . . . . . . . . . . . . . . . . . 23
Day . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 55 Fish . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 70
Decades . . . . . . . . . . . . . . . . . . . . . . . . . 65 Following questions . . . . . . . . . . . . . . 67
Decisions . . . . . . . . . . . . . . . . . . . . . . . . 38 Form. . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 5
Deep learning library . . . . . . . . . . . . 60 Fully connected layer. . . . . . . . . . . . . 55
Deep learning models . . . . . . . . . . . 52 Functions . . . . . . . . . . . . . . . . . . . . . . . . 42
Deep neural network . . . . . . . . . . . . 54 Future . . . . . . . . . . . . . . . . . . . . . . . . . . . 64
Deeper data . . . . . . . . . . . . . . . . . . . . . 83 Futuristic actions . . . . . . . . . . . . . . . . . 41
Dependent variable . . . . . . . . . . . . . . . 6
Detailed steps . . . . . . . . . . . . . . . . . . . 91
Deterministic algorithm . . . . . . . . . . 28
G
Development . . . . . . . . . . . . . . . . . . . . 60 General learning . . . . . . . . . . . . . . . . 58
Different art styles. . . . . . . . . . . . . . . . 92 General-purpose learning algorithms
Different human languages . . . . . . 71 51
Different sound . . . . . . . . . . . . . . . . . . 70 Generalization error . . . . . . . . . . . . . 29
Discrete categorical outputs . . . . . . . 9 Genuine artificial intelligence . . . 105
Distant galaxies . . . . . . . . . . . . . . . . 106 Given dataset. . . . . . . . . . . . . . . . . . . . 16
Distribution value . . . . . . . . . . . . . . . . 27 Given options. . . . . . . . . . . . . . . . . . . . 50
Domains . . . . . . . . . . . . . . . . . . . . . . . . 67 Goal . . . . . . . . . . . . . . . . . . . . . . . . . . . . 17
Good test dataset . . . . . . . . . . . . . . . . 29
Grade science test . . . . . . . . . . . . . . . 84
E Gradient . . . . . . . . . . . . . . . . . . . . . . . . . . 8
Gradients. . . . . . . . . . . . . . . . . . . . . . . . 50
Electronic person . . . . . . . . . . . . . . . . 80
Ensemble method. . . . . . . . . . . . . . . . 55
Environment . . . . . . . . . . . . . . . . . . . . . 20 H
Environmental pollution . . . . . . . . . . 63
Equation. . . . . . . . . . . . . . . . . . . . . . . . . 33 Hard margin . . . . . . . . . . . . . . . . . . . . 29
Heads . . . . . . . . . . . . . . . . . . . . . . . . . . . 34 Layers . . . . . . . . . . . . . . . . . . . . . . . . . . . 37
Help. . . . . . . . . . . . . . . . . . . . . . . . . . . . . 21 Layers exploits . . . . . . . . . . . . . . . . . . . 57
Hidden layer. . . . . . . . . . . . . . . . . . . . . 35 Learning . . . . . . . . . . . . . . . . . . . . . . . . . . 4
Human . . . . . . . . . . . . . . . . . . . . . . . . . . . 5 Learning algorithm . . . . . . . . . . . . . . . . 4
Human brain . . . . . . . . . . . . . . . . . . . . 42 Learning model . . . . . . . . . . . . . . . . . . 23
Human capabilities . . . . . . . . . . . . . 100 Limited functional area. . . . . . . . . . . 65
Human emotions . . . . . . . . . . . . . . . . 65 Linear . . . . . . . . . . . . . . . . . . . . . . . . . . . . 5
Human intelligence . . . . . . . . . . . . . . 62 Linear constant value . . . . . . . . . . . . 41
Human intervention . . . . . . . . . . . . 112 Linear relationship . . . . . . . . . . . . . . . 28
Human language . . . . . . . . . . . . . . . . 94 Logistic regression analysis . . . . . . . 33
Human speech . . . . . . . . . . . . . . . . . . 93 Long-term sequence data . . . . . . . . 60
Human-level performance . . . . . . . 45 Loss functions . . . . . . . . . . . . . . . . . . . . 53
Hypothesis. . . . . . . . . . . . . . . . . . . . . . . 16 Low dimensional data . . . . . . . . . . . 30
I M
Idea . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 16 Machine . . . . . . . . . . . . . . . . . . . . . . . . . . 4
Image classification problem . . . . . 66 Machine learning . . . . . . . . . . . . . . . . . 4
Image recognition problem . . . . . . 58 Machine learning algorithms . . . . . . 3
Images . . . . . . . . . . . . . . . . . . . . . . . . . . 63 Machine learning model . . . . . . . . . 17
Import pandas . . . . . . . . . . . . . . . . . 115 Machine translation . . . . . . . . . . . . . . 55
Independent variables . . . . . . . . . . . 13 Machine-learning technology . . . 108
Individual base models . . . . . . . . . . 61 Machine-readable form . . . . . . . . 115
Information . . . . . . . . . . . . . . . . . . . . . . 10 Major breakthrough . . . . . . . . . . . . . 80
Input data . . . . . . . . . . . . . . . . . . . . . . . . 6 Mathematical equations . . . . . . . . 105
Input layer . . . . . . . . . . . . . . . . . . . . . . . 41 Max inputs. . . . . . . . . . . . . . . . . . . . . . . 60
Inputs . . . . . . . . . . . . . . . . . . . . . . . . . . . 27 Max pooling . . . . . . . . . . . . . . . . . . . . . 59
Integrated learning strategies . . . . 88 Memory . . . . . . . . . . . . . . . . . . . . . . . . . 39
Intelligence . . . . . . . . . . . . . . . . . . . . . . . 4 Method . . . . . . . . . . . . . . . . . . . . . . . . . . . 6
Iteration . . . . . . . . . . . . . . . . . . . . . . . . . 25 Methods . . . . . . . . . . . . . . . . . . . . . . . . . . 8
Minimum distance . . . . . . . . . . . . . . . 17
Minute. . . . . . . . . . . . . . . . . . . . . . . . . . . 63
K Missing values. . . . . . . . . . . . . . . . . . 116
Model . . . . . . . . . . . . . . . . . . . . . . . . . . . . 4
Key points . . . . . . . . . . . . . . . . . . . . . . . 41 Model parameter . . . . . . . . . . . . . . . . 17
Knowledge . . . . . . . . . . . . . . . . . . . . . . 59 Models . . . . . . . . . . . . . . . . . . . . . . . . . . 21
Multiple regression. . . . . . . . . . . . . . . 32
Multiple regression model. . . . . . . . 30
L
Labelled data . . . . . . . . . . . . . . . . . . . . 12 N
Language . . . . . . . . . . . . . . . . . . . . . . . . . 6
Languages . . . . . . . . . . . . . . . . . . . . . . 75 Name . . . . . . . . . . . . . . . . . . . . . . . . . . . 24
Large databases. . . . . . . . . . . . . . . . 113 Network . . . . . . . . . . . . . . . . . . . . . . . . . 10
Large penalty . . . . . . . . . . . . . . . . . . . . 32 Network architecture . . . . . . . . . . . . . 38
Layer . . . . . . . . . . . . . . . . . . . . . . . . . . . . 35 Neural network . . . . . . . . . . . . . . . . . . 10
NARAYAN CHANGDER
Non-vegetarian dishes . . . . . . . . . . . 75 Program . . . . . . . . . . . . . . . . . . . . . . . . . . 5
Null hypothesis . . . . . . . . . . . . . . . . . . 13 Programming . . . . . . . . . . . . . . . . . . . . 42
Number . . . . . . . . . . . . . . . . . . . . . . . . . 10 Propagation . . . . . . . . . . . . . . . . . . . . . 52
Numerous data . . . . . . . . . . . . . . . . . . 63
Q
O
Questions . . . . . . . . . . . . . . . . . . . . . . . 71
Objective function . . . . . . . . . . . . . . . 51
Observation . . . . . . . . . . . . . . . . . . . . . 14
Option . . . . . . . . . . . . . . . . . . . . . . . . . . 27 R
Options i . . . . . . . . . . . . . . . . . . . . . . . . 23
Order . . . . . . . . . . . . . . . . . . . . . . . . . . . 42 Rate . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 7
Outcome . . . . . . . . . . . . . . . . . . . . . . . . 31 Recognise patterns . . . . . . . . . . . . . 105
Outliers . . . . . . . . . . . . . . . . . . . . . . . . . . . 7 Recognition . . . . . . . . . . . . . . . . . . . . . . 15
Output . . . . . . . . . . . . . . . . . . . . . . . . . . . . 6 Regression equation. . . . . . . . . . . . . . . 8
Output layer . . . . . . . . . . . . . . . . . . . . . 35 Regression line . . . . . . . . . . . . . . . . . . 33
Output layers . . . . . . . . . . . . . . . . . . . . 44 Regular browsing habits . . . . . . . . . 91
Output related data . . . . . . . . . . . . . . 42 Reinforcement learning . . . . . . . . . . . . 5
Output values . . . . . . . . . . . . . . . . . . . 29 Relationship. . . . . . . . . . . . . . . . . . . . . . . 8
Relationships . . . . . . . . . . . . . . . . . . . . 67
Relevant details . . . . . . . . . . . . . . . . . . 68
P Representation learning algorithm 52
Response . . . . . . . . . . . . . . . . . . . . . . . . 51
Padding . . . . . . . . . . . . . . . . . . . . . . . . . 38 Response systems . . . . . . . . . . . . . . . . 63
Parameters . . . . . . . . . . . . . . . . . . . . . . 10 Rewards . . . . . . . . . . . . . . . . . . . . . . . . . 70
Parsimonious model . . . . . . . . . . . . . 34 Robot. . . . . . . . . . . . . . . . . . . . . . . . . . . . 31
Patient information. . . . . . . . . . . . . . . 83 Robots . . . . . . . . . . . . . . . . . . . . . . . . . . . 70
Patterns. . . . . . . . . . . . . . . . . . . . . . . . . . 20 Root node . . . . . . . . . . . . . . . . . . . . . . 116
People . . . . . . . . . . . . . . . . . . . . . . . . . . . 50
Perceptron . . . . . . . . . . . . . . . . . . . . . . . 26
Perceptron neural networks . . . . . . 44 S
Performance . . . . . . . . . . . . . . . . . . . . . . 8
Personal digital assistant . . . . . . . . . 75 Science . . . . . . . . . . . . . . . . . . . . . . . . . . 21
Pixels . . . . . . . . . . . . . . . . . . . . . . . . . . . . 37 Scientist . . . . . . . . . . . . . . . . . . . . . . . . . 62
Points . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 9 Search algorithm . . . . . . . . . . . . . . . . 71
Possible paths . . . . . . . . . . . . . . . . . . . 31 Search strategy . . . . . . . . . . . . . . . . . 106
Pre-defined functions . . . . . . . . . . . . 86 Second . . . . . . . . . . . . . . . . . . . . . . . . . . 81
Prediction output . . . . . . . . . . . . . . . . . 49 Sense. . . . . . . . . . . . . . . . . . . . . . . . . . . . 46
Predictions . . . . . . . . . . . . . . . . . . . . . . . 33 Setup code . . . . . . . . . . . . . . . . . . . . . . 37
Previous computations . . . . . . . . . . . 41 Simple approach . . . . . . . . . . . . . . . . 11
Previous layer . . . . . . . . . . . . . . . . . . . . 45 Single batch . . . . . . . . . . . . . . . . . . . . . 43
Single cluster . . . . . . . . . . . . . . . . . . . . 14 U
Size matrix . . . . . . . . . . . . . . . . . . . . . 118
Smart phone. . . . . . . . . . . . . . . . . . . . . 71 Units . . . . . . . . . . . . . . . . . . . . . . . . . . . . 39
Social networking sites . . . . . . . . . . . 69 Unlabeled data . . . . . . . . . . . . . . . . . . 13
Solve problem . . . . . . . . . . . . . . . . . . . 72 Unsupervised learning . . . . . . . . . . . . 4
Space . . . . . . . . . . . . . . . . . . . . . . . . . . . 15 Unsupervised learning method. . 114
Specific depth. . . . . . . . . . . . . . . . . . . . 46 Unsupervised learning type . . . . . . 24
Speech recognition . . . . . . . . . . . . . . . . 9 Unsupervised task . . . . . . . . . . . . . . . 16
Statement . . . . . . . . . . . . . . . . . . . . . . . 14 Use . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 7
Statements. . . . . . . . . . . . . . . . . . . . . . . 15 Useful patterns . . . . . . . . . . . . . . . . . . 72
States. . . . . . . . . . . . . . . . . . . . . . . . . . . . 83 User . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 62
Stochastic gradient descent . . . . . . 55 Users . . . . . . . . . . . . . . . . . . . . . . . . . . 108
Strong intelligence . . . . . . . . . . . . . . . 84
Systems. . . . . . . . . . . . . . . . . . . . . . . . . . 39 V
Validation . . . . . . . . . . . . . . . . . . . . . . . 11
Variables . . . . . . . . . . . . . . . . . . . . . . . . 12
T Variance . . . . . . . . . . . . . . . . . . . . . . . . . . 8
Vector machines . . . . . . . . . . . . . . . . . 27
Target. . . . . . . . . . . . . . . . . . . . . . . . . . . . . 7
Video . . . . . . . . . . . . . . . . . . . . . . . . . . . . 58
Task . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 13
Virtual reality . . . . . . . . . . . . . . . . . . . . 67
Tasks . . . . . . . . . . . . . . . . . . . . . . . . . . . . 40 Voice recognition . . . . . . . . . . . . . . . . 40
Technique . . . . . . . . . . . . . . . . . . . . . . . 10 Volume . . . . . . . . . . . . . . . . . . . . . . . . . . 36
Techniques . . . . . . . . . . . . . . . . . . . . . 104
Technology . . . . . . . . . . . . . . . . . . . . . . 62
Temperature . . . . . . . . . . . . . . . . . . . . 102 W
Text . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 29
Text analysis . . . . . . . . . . . . . . . . . . . . . 58 Washing machine . . . . . . . . . . . . . . . . 74
Texts . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 69 Waves . . . . . . . . . . . . . . . . . . . . . . . . . . . 87
Theworld chess king . . . . . . . . . . . . 106 Weight. . . . . . . . . . . . . . . . . . . . . . . . . . . 38
Time. . . . . . . . . . . . . . . . . . . . . . . . . . . . . 14 Weights. . . . . . . . . . . . . . . . . . . . . . . . . . 42
Time series . . . . . . . . . . . . . . . . . . . . . . 59 Word . . . . . . . . . . . . . . . . . . . . . . . . . . . . 56
Times. . . . . . . . . . . . . . . . . . . . . . . . . . . . 30 Words . . . . . . . . . . . . . . . . . . . . . . . . . . . 68
World . . . . . . . . . . . . . . . . . . . . . . . . . . . 12
Tiny robots . . . . . . . . . . . . . . . . . . . . . . 89
Today. . . . . . . . . . . . . . . . . . . . . . . . . . . . 99
Training . . . . . . . . . . . . . . . . . . . . . . . . . . . 6 Y
Training process. . . . . . . . . . . . . . . . . . . 6
Trajectory . . . . . . . . . . . . . . . . . . . . . . . . 72 Y train . . . . . . . . . . . . . . . . . . . . . . . . . . . 52
Tree . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 13 Y value . . . . . . . . . . . . . . . . . . . . . . . . . . 28
True y value. . . . . . . . . . . . . . . . . . . . . . 61 Year . . . . . . . . . . . . . . . . . . . . . . . . . . . . . . 6