Machine Learning MCQ

Download as docx, pdf, or txt
Download as docx, pdf, or txt
You are on page 1of 29

Unit-1

1. What is Machine Learning (ML)?


(A) The autonomous acquisition of knowledge through the use of manual programs
(B) The selective acquisition of knowledge through the use of computer programs
(C) The selective acquisition of knowledge through the use of manual programs
(D) The autonomous acquisition of knowledge through the use of computer programs

Answer
Correct option is D

2. Father of Machine Learning (ML)


(A) Geoffrey Chaucer
(B) Geoffrey Hill
(C) Geoffrey Everest Hinton
(D) None of the above

Answer
Correct option is C

3. Which is FALSE regarding regression?


(A) It may be used for interpretation
(B) It is used for prediction
(C) It discovers causal relationships
(D) It relates inputs to outputs

Answer
Correct option is C

4. Choose the correct option regarding machine learning (ML) and artificial
intelligence (AI)
(A) ML is a set of techniques that turns a dataset into a software
(B) AI is a software that can emulate the human mind
(C) ML is an alternate way of programming intelligent machines
(D) All of the above

Answer
Correct option is D

5. Which of the factors affect the performance of the learner system does not include?
(A) Good data structures
(B) Representation scheme used
(C) Training scenario
(D) Type of feedback

Answer
Correct option is A
6. In general, to have a well-defined learning problem, we must identity which of the
following
(A) The class of tasks
(B) The measure of performance to be improved
(C) The source of experience
(D) All of the above
Answer
Correct option is D

7. Successful applications of ML
(A) Learning to recognize spoken words
(B) Learning to drive an autonomous vehicle
(C) Learning to classify new astronomical structures
(D) Learning to play world-class backgammon
(E) All of the above
Answer
Correct option is E

8. Which of the following does not include different learning methods


(A) Analogy
(B) Introduction
(C) Memorization
(D) Deduction
Answer
Correct option is B

9. In language understanding, the levels of knowledge that does not include?


(A) Empirical
(B) Logical
(C) Phonological
(D) Syntactic
Answer
Correct option is A

10. Designing a machine learning approach involves:-


(A) Choosing the type of training experience
(B) Choosing the target function to be learned
(C) Choosing a representation for the target function
(D) Choosing a function approximation algorithm
(E) All of the above

Answer
Correct option is E

11. Concept learning inferred a ______ valued function from training examples of its
input and output.
(A) Decimal
(B) Hexadecimal
(C) Boolean
(D) All of the above

Answer
Correct option is C

12. Which of the following is not a supervised learning?


(A) Naive Bayesian
(B) PCA
(C) Linear Regression
(D) Decision Tree

Answer
Correct option is B

13. What is Machine Learning?


(i) Artificial Intelligence
(ii) Deep Learning
(iii) Data Statistics
(A) Only (i)
(B) (i) and (ii)
(C) All
(D) None

Answer
Correct option is B

14. What kind of learning algorithm for "Facial identities or facial expressions"?
(A) Prediction
(B) Recognition Patterns
(C) Generating Patterns
(D) Recognizing Anomalies
Answer
Correct option is B

15. Which of the following is not type of learning?


(A) Unsupervised Learning
(B) Supervised Learning
(C) Semi-unsupervised Learning
(D) Reinforcement Learning
Answer
Correct option is C

16. Real-Time decisions, Game AI, Learning Tasks, Skill Aquisition, and Robot
Navigation are applications of which of the folowing
(A) Supervised Learning: Classification
(B) Reinforcement Learning
(C) Unsupervised Learning: Clustering
(D) Unsupervised Learning: Regression
Answer
Correct option is B

17. Targetted marketing, Recommended Systems, and Customer Segmentation are


applications in which of the following
(A) Supervised Learning: Classification
(B) Unsupervised Learning: Clustering
(C) Unsupervised Learning: Regression
(D) Reinforcement Learning
Answer
Correct option is B

18. Fraud Detection, Image Classification, Diagnostic, and Customer Retention are
applications in which of the following
(A) Unsupervised Learning: Regression
(B) Supervised Learning: Classification
(C) Unsupervised Learning: Clustering
(D) Reinforcement Learning

Answer
Correct option is B

19. Which of the following is not function of symbolic in the various function
representation of Machine Learning?
(A) Rules in propotional Logic
(B) Hidden-Markov Models (HMM)
(C) Rules in first-order predicate logic
(D) Decision Trees
Answer
Correct option is B

20. Which of the following is not numerical functions in the various function
representation of Machine Learning?
(A) Neural Network
(B) Support Vector Machines
(C) Case-based
(D) Linear Regression

Answer
Correct option is C

21. FIND-S Algorithm starts from the most specific hypothesis and generalize it by
considering only ________ examples.
(A) Negative
(B) Positive
(C) Negative or Positive
(D) None of the above

Answer
Correct option is B

22. FIND-S algorithm ignores _______ examples.


(A) Negative
(B) Positive
(C) Both
(D) None of the above
Answer
Correct option is A

23. The Candidate-Elimination Algorithm represents the _____.


(A) Solution Space
(B) Version Space
(C) Elimination Space
(D) All of the above
Answer
Correct option is B

24. Inductive learning is based on the knowledge that if something happens a lot it is
likely to be generally.
(A) True
(B) False
Answer
Correct option is A

25. Inductive learning takes examples and generalizes rather than starting with
__________ knowledge.
(A) Inductive
(B) Existing
(C) Deductive
(D) None of these
Answer
Correct option is B

26. A drawback of the FIND-S is that, it assumes the consistency within the training
set.
(A) True
(B) False
Answer
Correct option is A
Unit-2

1. What strategies can help reduce overfitting in decision trees?


(i) Enforce a maximum depth for the tree
(ii) Enforce a minimum number of samples in leaf nodes
(iii) Pruning
(iv) Make sure each leaf node is one pure class
(A) All
(B) (i), (ii) and (iii)
(C) (i), (iii), (iv)
(D) None

Answer
Correct option is B

2. Which of the following is a widely used and effective machine learning algorithm
based on the idea of bagging?
(A) Decision Tree
(B) Random Forest
(C) Regression
(D) Classification
Answer
Correct option is B

3. To find the minimum or the maximum of a function, we set the gradient to zero
because which of the following
(A) Depends on the type of problem
(B) The value of the gradient at extrema of a function is always zero
(C) Both (A) and (B)
(D) None of these
Answer
Correct option is B

4. Which of the following is a disadvantage of decision trees?


(A) Decision trees are prone to be overfit
(B) Decision trees are robust to outliers
(C) Factor analysis
(D) None of the above
Answer
Correct option is A
5. What is perceptron?
(A) A single layer feed-forward neural network with pre-processing
(B) A neural network that contains feedback
(C) A double layer auto-associative neural network
(D) An auto-associative neural network
Answer
Correct option is A

6. Which of the following is true for neural networks?


(i) The training time depends on the size of the network.
(ii) Neural networks can be simulated on a conventional computer.
(iii) Artificial neurons are identical in operation to biological ones.
(A) All
(B) Only (ii)
(C) (i) and (ii)
(D) None
Answer
Correct option is C

7. What are the advantages of neural networks over conventional computers?


(i) They have the ability to learn by example.
(ii) They are more fault tolerant.
(iii)They are more suited for real time operation due to their high ‘computational’
rates.
(A) (i) and (ii)
(B) (i) and (iii)
(C) Only (i)
(D) All
(E) None
Answer
Correct option is D

8. What is Neuro software?


(A) It is software used by Neurosurgeon
(B) Designed to aid experts in real world
(C) It is powerful and easy neural network
(D) A software used to analyze neurons
Answer
Correct option is C

9. Which is true for neural networks?


(A) Each node computes it’s weighted input
(B) Node could be in excited state or non-excited state
(C) It has set of nodes and connections
(D) All of the above
Answer
Correct option is D

10. What is the objective of backpropagation algorithm?


(A) To develop learning algorithm for multilayer feedforward neural network, so that
network can be trained to capture the mapping implicitly
(B) To develop learning algorithm for multilayer feedforward neural network
(C) To develop learning algorithm for single layer feedforward neural network
(D) All of the above
Answer
Correct option is A

11. Which of the following is true?


Single layer associative neural networks do not have the ability to:-
(i) Perform pattern recognition
(ii) Find the parity of a picture
(iii) Determine whether two or more shapes in a picture are connected or not
(A) (ii) and (iii)
(B) Only (ii)
(C) All
(D) None
Answer
Correct option is A

12. The backpropagation law is also known as generalized delta rule.


(A) True
(B) False
Answer
Correct option is A

13. Which of the following is true?


(i) On average, neural networks have higher computational rates than conventional
computers.
(ii) Neural networks learn by example.
(iii) Neural networks mimic the way the human brain works.
(A) All
(B) (ii) and (iii)
(C) (i), (ii) and (iii)
(D) None
Answer
Correct option is A

14. What is true regarding backpropagation rule?


(A) Error in output is propagated backwards only to determine weight updates
(B) There is no feedback of signal at nay stage
(C) It is also called generalized delta rule
(D) All of the above
Answer
Correct option is D

15. There is feedback in final stage of backpropagation algorithm.


(A) True
(B) False
Answer
Correct option is B

16. An auto-associative network is


(A) A neural network that has only one loop
(B) A neural network that contains feedback
(C) A single layer feed-forward neural network with pre-processing
(D) A neural network that contains no loops
Answer
Correct option is B

17. A 3-input neuron has weights 1, 4 and 3. The transfer function is linear with the
constant of proportionality being equal to 3. The inputs are 4, 8 and 5 respectively.
What will be the output?
(A) 139
(B) 153
(C) 612
(D) 160
Answer
Correct option is B

18. What of the following is true regarding backpropagation rule?


(A) Hidden layers output is not all important, they are only meant for supporting input
and output layers
(B) Actual output is determined by computing the outputs of units for each hidden
layer
(C) It is a feedback neural network
(D) None of the above
Answer
Correct option is B

19. What is back propagation?


(A) It is another name given to the curvy function in the perceptron
(B) It is the transmission of error back through the network to allow weights to be
adjusted so that the network can learn
(C) It is another name given to the curvy function in the perceptron
(D) None of the above
Answer
Correct option is B

20. The general limitations of back propagation rule is/are


(A) Scaling
(B) Slow convergence
(C) Local minima problem
(D) All of the above
Answer
Correct option is D
21. What is the meaning of generalized in statement “backpropagation is a generalized
delta rule” ?
(A) Because delta is applied to only input and output layers, thus making it more
simple and generalized
(B) It has no significance
(C) Because delta rule can be extended to hidden layer units
(D) None of the above
Answer
Correct option is C

22. Neural Networks are complex _____ functions with many parameters.
(A) Linear
(B) Non linear
(C) Discreate
(D) Exponential

Answer
Correct option is A

23. The general tasks that are performed with backpropagation algorithm
(A) Pattern mapping
(B) Prediction
(C) Function approximation
(D) All of the above
Answer
Correct option is D

24. Backpropagaion learning is based on the gradient descent along error surface.
(A) True
(B) False
Answer
Correct option is A

25. In backpropagation rule, how to stop the learning process?


(A) No heuristic criteria exist
(B) On basis of average gradient value
(C) There is convergence involved
(D) None of these
Answer
Correct option is B

26. Applications of NN (Neural Network)


(A) Risk management
(B) Data validation
(C) Sales forecasting
(D) All of the above
Answer
Correct option is D

27. The network that involves backward links from output to the input and hidden
layers is known as
(A) Recurrent neural network
(B) Self organizing maps
(C) Perceptrons
(D) Single layered perceptron
Answer
Correct option is A

28. Decision Tree is a display of an algorithm.


(A) True
(B) False
Answer
Correct option is A

29. Which of the following is/are the decision tree nodes?


(A) End Nodes
(B) Decision Nodes
(C) Chance Nodes
(D) All of the above
Answer
Correct option is D

30. End Nodes are represented by which of the following


(A) Solar street light
(B) Triangles
(C) Circles
(D) Squares
Answer
Correct option is B

31. Decision Nodes are represented by which of the following


(A) Solar street light
(B) Triangles
(C) Circles
(D) Squares
Answer
Correct option is D
32. Chance Nodes are represented by which of the following
(A) Solar street light
(B) Triangles
(C) Circles
(D) Squares
Answer
Correct option is C

33. Advantage of Decision Trees


(A) Possible Scenarios can be added
(B) Use a white box model, if given result is provided by a model
(C) Worst, best and expected values can be determined for different scenarios
(D) All of the above
Answer
Correct option is D
Unit-3

1. _____ terms are required for building a bayes model.


(A) 1
(B) 2
(C) 3
(D) 4

Answer
Correct option is C

2. Which of the following is the consequence between a node and its predecessors
while creating bayesian network?
(A) Conditionally independent
(B) Functionally dependent
(C) Both Conditionally dependant & Dependant
(D) Dependent
Answer
Correct option is A

3. Why it is needed to make probabilistic systems feasible in the world?


(A) Feasibility
(B) Reliability
(C) Crucial robustness
(D) None of the above
Answer
Correct option is C

4. Bayes rule can be used for:-


(A) Solving queries
(B) Increasing complexity
(C) Answering probabilistic query
(D) Decreasing complexity
Answer
Correct option is C

5. _____ provides way and means of weighing up the desirability of goals and the
likelihood of achieving them.
(A) Utility theory
(B) Decision theory
(C) Bayesian networks
(D) Probability theory
Answer
Correct option is A

6. Which of the following provided by the Bayesian Network?


(A) Complete description of the problem
(B) Partial description of the domain
(C) Complete description of the domain
(D) All of the above
Answer
Correct option is C

7. Probability provides a way of summarizing the ______ that comes from our
laziness and ignorances.
(A) Belief
(B) Uncertaintity
(C) Joint probability distributions
(D) Randomness
Answer
Correct option is B

8. The entries in the full joint probability distribution can be calculated as


(A) Using variables
(B) Both Using variables & information
(C) Using information
(D) All of the above
Answer
Correct option is C

9. Causal chain (For example, Smoking cause cancer) gives rise to:-
(A) Conditionally Independence
(B) Conditionally Dependence
(C) Both
(D) None of the above
Answer
Correct option is A

10. The bayesian network can be used to answer any query by using:-
(A) Full distribution
(B) Joint distribution
(C) Partial distribution
(D) All of the above
Answer
Correct option is B
11. Bayesian networks allow compact specification of:-
(A) Joint probability distributions
(B) Belief
(C) Propositional logic statements
(D) All of the above
Answer
Correct option is A
12. The compactness of the bayesian network can be described by
(A) Fully structured
(B) Locally structured
(C) Partially structured
(D) All of the above

Answer
Correct option is B

13. The Expectation Maximization Algorithm has been used to identify conserved
domains in unaligned proteins only. State True or False.
(A) True
(B) False
Answer
Correct option is B

14. Which of the following is correct about the Naive Bayes?


(A) Assumes that all the features in a dataset are independent
(B) Assumes that all the features in a dataset are equally important
(C) Both
(D) All of the above
Answer
Correct option is C

15. Which of the following is false regarding EM Algorithm?


(A) The alignment provides an estimate of the base or amino acid composition of each
column in the site
(B) The column-by-column composition of the site already available is used to
estimate the probability of finding the site at any position in each of the sequences
(C) The row-by-column composition of the site already available is used to estimate
the probability
(D) None of the above
Answer
Correct option is C

16. Naïve Bayes Algorithm is a ________ learning algorithm.


(A) Supervised
(B) Reinforcement
(C) Unsupervised
(D) None of these
Answer
Correct option is A
17. EM algorithm includes two repeated steps, here the step 2 is ______.
(A) The normalization
(B) The maximization step
(C) The minimization step
(D) None of the above

Answer
Correct option is C

18. Examples of Naïve Bayes Algorithm is/are


(A) Spam filtration
(B) Sentimental analysis
(C) Classifying articles
(D) All of the above
Answer
Correct option is D

19. In the intermediate steps of "EM Algorithm", the number of each base in each
column is determined and then converted to fractions.
(A) True
(B) False
Answer
Correct option is A

20. Naïve Bayes algorithm is based on _______ and used for solving classification
problems.
(A) Bayes Theorem
(B) Candidate elimination algorithm
(C) EM algorithm
(D) None of the above
Answer
Correct option is A

21. Types of Naïve Bayes Model:


(A) Gaussian
(B) Multinomial
(C) Bernoulli
(D) All of the above
Answer
Correct option is D
22. Disadvantages of Naïve Bayes Classifier:
(A) Naive Bayes assumes that all features are independent or unrelated, so it cannot
learn the relationship between features.
(B) It performs well in Multi-class predictions as compared to the other Algorithms.
(C) Naïve Bayes is one of the fast and easy ML algorithms to predict a class of
datasets.
(D) It is the most popular choice for text classification problems.
Answer
Correct option is A

23. The benefit of Naïve Bayes:-


(A) Naïve Bayes is one of the fast and easy ML algorithms to predict a class of
datasets.
(B) It is the most popular choice for text classification problems.
(C) It can be used for Binary as well as Multi-class Classifications.
(D) All of the above
Answer
Correct option is D

24. In which of the following types of sampling the information is carried out under
the opinion of an expert?
(A) Convenience sampling
(B) Judgement sampling
(C) Quota sampling
(D) Purposive sampling
Answer
Correct option is B

25. Full form of MDL.


(A) Minimum Description Length
(B) Maximum Description Length
(C) Minimum Domain Length
(D) None of these
Answer
Correct option is A
Unit-4

1. For the analysis of ML algorithms, we need


(A) Computational learning theory
(B) Statistical learning theory
(C) Both A & B
(D) None of these

Answer
Correct option is C

2. PAC stand for


(A) Probably Approximate Correct
(B) Probably Approx Correct
(C) Probably Approximate Computation
(D) Probably Approx Computation

Answer
Correct option is A

3. ___________ of hypothesis h with respect to target concept c and distribution


D , is the probability that h will misclassify an instance drawn at random
according to D
(A) True Error
(B) Type 1 Error
(C) Type 2 Error
(D) None of these

Answer
Correct option is A

4. Statement: True error defined over entire instance space, not just training data
(A) True
(B) False

Answer
Correct option is A

5. What are the area CLT comprised of?


(A) Sample Complexity
(B) Computational Complexity
(C) Mistake Bound
(D) All of these

Answer
Correct option is D

6. What area of CLT tells “How many examples we need to find a good
hypothesis ?”?
(A) Sample Complexity
(B) Computational Complexity
(C) Mistake Bound
(D) None of these

Answer
Correct option is A

7. What area of CLT tells “How much computational power we need to find a
good hypothesis ?”?
(A) Sample Complexity
(B) Computational Complexity
(C) Mistake Bound
(D) None of these

Answer
Correct option is B

8. What area of CLT tells “How many mistakes we will make before finding a
good hypothesis ?”?
(A) Sample Complexity
(B) Computational Complexity
(C) Mistake Bound
(D) None of these

Answer
Correct option is C

9. (For question no. 9 and 10) Can we say that concept described by
conjunctions of Boolean literals are PAC learnable?
(A) Yes
(B) No

Answer
Correct option is A

10. How large is the hypothesis space when we have n Boolean attributes?
(A) |H| = 3 n
(B) |H| = 2 n
(C) |H| = 1 n
(D) |H| = 4n
Answer
Correct option is A

11. The VC dimension of hypothesis space H1 is larger than the VC dimension


of hypothesis space H2. Which of the following can be inferred from this?
(A) The number of examples required for learning a hypothesis in H1 is larger
than the number of examples required for H2
(B) The number of examples required for learning a hypothesis in H1 is smaller
than the number of examples required for H2.
(C) No relation to number of samples required for PAC learning.

Answer
Correct option is A

12. For a particular learning task, if the requirement of error parameter changes
from 0.1 to 0.01. How many more samples will be required for PAC learning?
(A) Same
(B) 2 times
(C) 1000 times
(D) 10 times

Answer
Correct option is D

13. Computational complexity of classes of learning problems depends on


which of the following?
(A) The size or complexity of the hypothesis space considered by learner
(B) The accuracy to which the target concept must be approximated
(C) The probability that the learner will output a successful hypothesis
(D) All of these

Answer
Correct option is D

14. The instance-based learner is a ____________


(A) Lazy-learner
(B) Eager learner
(C) Can’t say
Answer
Correct option is A

15. When to consider nearest neighbour algorithms?


(A) Instance map to point in kn
(B) Not more than 20 attributes per instance
(C) Lots of training data
(D) None of these
(E) A, B & C
Answer
Correct option is E

16. What are the advantages of Nearest neighbour alogo?


(A) Training is very fast
(B) Can learn complex target functions
(C) Don’t lose information
(D) All of these

Answer
Correct option is D

17. What are the difficulties with k-nearest neighbour algo?


(A) Calculate the distance of the test case from all training cases
(B) Curse of dimensionality
(C) Both A & B
(D) None of these

Answer
Correct option is C

18. What if the target function is real valued in kNN algo?


(A) Calculate the mean of the k nearest neighbours
(B) Calculate the SD of the k nearest neighbour
(C) None of these

Answer
Correct option is A

19. What is/are true about Distance-weighted KNN?


(A) The weight of the neighbour is considered
(B) The distance of the neighbour is considered
(C) Both A & B
(D) None of these

Answer
Correct option is C

20. What is/are advantage(s) of Distance-weighted k-NN over k-NN?


(A) Robust to noisy training data
(B) Quite effective when a sufficient large set of training data is provided
(C) Both A & B
(D) None of these
Answer
Correct option is C

21. What is/are advantage(s) of Locally Weighted Regression?


(A) Pointwise approximation of complex target function
(B) Earlier data has no influence on the new ones
(C) Both A & B
(D) None of these

Answer
Correct option is C

22. The quality of the result depends on (LWR)


(A) Choice of the function
(B) Choice of the kernel function K
(C) Choice of the hypothesis space H
(D) All of these

Answer
Correct option is D

23. How many types of layer in radial basis function neural networks?
(A) 3
(B) 2
(C) 1
(D) 4

Answer
Correct option is A, Input layer, Hidden layer, and Output layer

24. The neurons in the hidden layer contains Gaussian transfer function whose
output are _____________ to the distance from the centre of the neuron.
(A) Directly
(B) Inversely
(C) equal
(D) None of these

Answer
Correct option is B

25. PNN/GRNN networks have one neuron for each point in the training file,
While RBF network have a variable number of neurons that is usually
(A) less than the number of training points.
(B) greater than the number of training points
(C) equal to the number of training points
(D) None of these

Answer
Correct option is A

26. Which network is more accurate when the size of training set between small
to medium?
(A) PNN/GRNN
(B) RBF
(C) K-means clustering
(D) None of these

Answer
Correct option is A

27. What is/are true about RBF network?


(A) A kind of supervised learning
(B) Design of NN as curve fitting problem
(C) Use of multidimensional surface to interpolate the test data
(D) All of these

Answer
Correct option is D

28. Application of CBR


(A) Design
(B) Planning
(C) Diagnosis
(D) All of these

Answer
Correct option is A

29. What is/are advantages of CBR?


(A) A local approx. is found for each test case
(B) Knowledge is in a form understandable to human
(C) Fast to train
(D) All of these
Answer
Correct option is D
30 In k-NN algorithm, given a set of training examples and the value of k < size
of training set (n), the algorithm predicts the class of a test example to be the.
What is/are advantages of CBR?
(A) Least frequent class among the classes of k closest training examples.
(B) Most frequent class among the classes of k closest training examples.
(C) Class of the closest point.
(D) Most frequent class among the classes of the k farthest training examples.
Answer
Correct option is B

31. Which of the following statements is true about PCA?


(i) We must standardize the data before applying PCA.
(ii) We should select the principal components which explain the highest
variance
(iii) We should select the principal components which explain the lowest
variance
(iv) We can use PCA for visualizing the data in lower dimensions
(A) (i), (ii) and (iv).
(B) (ii) and (iv)
(C) (iii) and (iv)
(D) (i) and (iii)
Answer
Correct option is A
UNIT-5

1. Genetic algorithm is a
(A) Search technique used in computing to find true or approximate solution to
optimization and search problem
(B) Sorting technique used in computing to find true or approximate solution to
optimization and sort problem
(C) Both A & B
(D) None of these

Correct option is A

2. GA techniques are inspired by _________ biology.


(A) Evolutionary
(B) Cytology
(C) Anatomy
(D) Ecology

Correct option is A

3. When would the genetic algorithm terminate?


(A) Maximum number of generations has been produced
(B) Satisfactory fitness level has been reached for the population.
(C) Both A & B
(D) None of these

Answer
Correct option is C

4. The algorithm operates by iteratively updating a pool of hypotheses, called


the
(A) Population
(B) Fitness
(C) None of these

Answer
Correct option is A

5. What is the correct representation of GA?


(A) GA(Fitness, Fitness_threshold, p)
(B) GA(Fitness, Fitness_threshold, p, r )
(C) GA(Fitness, Fitness_threshold, p, r, m)
(D) GA(Fitness, Fitness_threshold)

Answer
Correct option is C
6. Genetic operators includes
(A) Crossover
(B) Mutation
(C) Both A & B
(D) None of these
Answer
Correct option is C

7. Produces two new offspring from two parent string by copying selected bits
from each parent is called
(A) Mutation
(B) Inheritance
(C) Crossover
(D) None of these
Answer
Correct option is C

8. Each schema the set of bit strings containing the indicated as


(A) 0s, 1s
(B) only 0s
(C) only 1s
(D) 0s, 1s, *s
Answer
Correct option is D

9. 0*10 represents the set of bit strings that includes exactly


(A) 0010, 0110
(B) 0010, 0010
(C) 0100, 0110
(D) 0100, 0010
Answer
Correct option is A

10. Correct ( h ) is the percent of all training examples correctly classified by


hypothesis h. then Fitness function is equal to
(A) Fitness ( h) = (correct ( h)) 2
(B) Fitness ( h) = (correct ( h)) 3
(C) Fitness ( h) = (correct ( h))
(D) Fitness ( h) = (correct ( h)) 4
Answer
Correct option is A
11. Statement: Genetic Programming individuals in the evolving population are
computer programs rather than bit strings.
(A) True
(B) False
Answer
Correct option is A

12. _________ evolution over many generations was directly influenced by the
experiences of individual organisms during their lifetime
(A) Baldwin
(B) Lamarckian
(C) Bayes
(D) None of these
Answer
Correct option is B

13. Search through the hypothesis space cannot be characterized. Why?


(A) Hypotheses are created by crossover and mutation operators that allow
radical changes between successive generations
(B) Hypotheses are not created by crossover and mutation operators.
(D) None of these
Answer
Correct option is A

14. ILP stand for


(A) Inductive Logical programming
(B) Inductive Logic Programming
(C) Inductive Logical Program
(D) Inductive Logic Program
Answer
Correct option is B

15. What is/are the requirement for the Learn-One-Rule method?


(A) Input, accepts a set of +ve and -ve training examples.
(B) Output, delivers a single rule that covers many +ve examples and few -ve.
(C) Output rule has a high accuracy but not necessarily a high coverage.
(D) A & B
(E) A, B & C
Answer
Correct option is E
16. _________ is any predicate (or its negation) applied to any set of terms.
(A) Literal
(B) Null
(C) Clause
(D) None of these
Answer
Correct option is A

17. Ground literal is a literal that


(A) Contains only variables
(B) does not contains any functions
(C) does not contains any variables
(D) Contains only functions
Answer
Correct option is C

18. ____________ emphasizes learning feedback that evaluates the learner's


performance without providing standards of correctness in the form of
behavioural targets.
(A) Reinforcement learning
(B) Supervised Learning
(C) None of these
Answer
Correct option is A

19. Features of Reinforcement learning


(A) Set of problem rather than set of techniques
(B) RL is training by reward and punishments.
(C) RL is learning from trial and error with the world.
(D) All of these
Answer
Correct option is D

20. Which type of feedback used by RL?


(A) Purely Instructive feedback
(B) Purely Evaluative feedback
(C) Both A & B
(D) None of these
Answer
Correct option is B
21. What is/are the problem solving methods for RL?
(A) Dynamic programming
(B) Monte Carlo Methods
(C) Temporal-difference learning
(D) All of these
Answer
Correct option is D

You might also like

pFad - Phonifier reborn

Pfad - The Proxy pFad of © 2024 Garber Painting. All rights reserved.

Note: This service is not intended for secure transactions such as banking, social media, email, or purchasing. Use at your own risk. We assume no liability whatsoever for broken pages.


Alternative Proxies:

Alternative Proxy

pFad Proxy

pFad v3 Proxy

pFad v4 Proxy