☰
Take a Quiz Test
Quiz Category
Machine Learning
Supervised Learning
Classification
Regression
Time Series Forecasting
Unsupervised Learning
Clustering
K-Means Clustering
Hierarchical Clustering
Semi-Supervised Learning
Reinforcement Learning(ML)
Deep Learning(ML)
Transfer Learning(ML)
Ensemble Learning
Explainable AI (XAI)
Bayesian Learning
Decision Trees
Support Vector Machines (SVMs)
Instance-Based Learning
Rule-Based Learning
Neural Networks
Evolutionary Algorithms
Meta-Learning
Multi-Task Learning
Metric Learning
Few-Shot Learning
Adversarial Learning
Data Pre Processing
Natural Language Processing(ML)
Deep Learning(ML) Quiz Questions
1.
Which of the following neural networks has a memory?
1D CNN
2D CNN
LSTM
None
view answer:
LSTM
2.
Which is the following is true about neurons?
A. A neuron has a single input and only single output
B. A neuron has multiple inputs and multiple outputs
C. A neuron has a single input and multiple outputs
D. All of the above
view answer:
D. All of the above
3.
Which of the following is an example of deep learning?
A. Self-driving cars
B. Pattern recognition
C. Natural language processing
D. All of the above
view answer:
D. All of the above
4.
Which of the following statement is not correct?
A. Neural networks mimic the human brain
B. It can only work for a single input and a single output
C. It can be used in image processing
D. None
view answer:
B. It can only work for a single input and a single output
5.
Autoencoder is an example of-
A. Deep learning
B. Machine learning
C. Data mining
D. None
view answer:
A. Deep learning
6.
Which of the following deep learning models uses back propagation?
A. Convolutional Neural Network
B. Multilayer Perceptron Network
C. Recurrent Neural Network
D. All of the above
view answer:
C. Recurrent Neural Network
7.
Which of the following steps can be taken to prevent overfitting in a neural network?
A. Dropout of neurons
B. Early stopping
C. Batch normalization
D. All of the above
view answer:
D. All of the above
8.
Neural networks can be used in-
A. Regression problems
B. Classification problems
C. Clustering problems
D. All of the above
view answer:
D. All of the above
9.
In a classification problem, which of the following activation function is most widely used in the output layer of neural networks?
A. Sigmoid function
B. Hyperbolic function
C. Rectifier function
D. All of the above
view answer:
A. Sigmoid function
10.
Which of the following is a deep learning library?
A. Tensorflow
B. Keras
C. PyTorch
D. All of the above
view answer:
D. All of the above
11.
Which of the following is true about bias?
A. Bias is inherent in any predictive model
B. Bias impacts the output of the neurons
C. Both A and B
D. None
view answer:
C. Both A and B
12.
What is the purpose of a loss function?
A. Calculate the error value of the forward network
B. Optimize the error values according to the error rate
C. Both A and B
D. None
view answer:
C. Both A and B
13.
Which of the following is a loss function?
A. Sigmoid function
B. Cross entropy
C. ReLu
D. All of the above
view answer:
B. Cross entropy
14.
Which of the following loss function is used in regression?
A. Logarithmic loss
B. Cross entropy
C. Mean squared error
D. None
view answer:
C. Mean squared error
15.
Suppose you have a dataset from where you have to predict three classes. Then which of the following configuration you should use in the output layer?
A. Activation function = softmax, loss function = cross entropy
B. Activation function = sigmoid, loss function = cross entropy
C. Activation function = softmax, loss function = mean squared error
D. Activation function = sigmoid, loss function = mean squared error
view answer:
A. Activation function = softmax, loss function = cross entropy
16.
What is gradient descent?
A. Activation function
B. Loss function
C. Optimization algorithm
D. None
view answer:
C. Optimization algorithm
17.
What does a gradient descent algorithm do?
A. Tries to find the parameters of a model that minimizes the cost function
B. Adjusts the weights at the input layers
C. Both A and B
D. None
view answer:
C. Both A and B
18.
Which of the following activation function can not be used in the output layer of an image classification model?
A. ReLu
B. Softmax
C. Sigmoid
D. None
view answer:
A. ReLu
19.
For a binary classification problem, which of the following activation function is used?
A. ReLu
B. Softmax
C. Sigmoid
D. None
view answer:
C. Sigmoid
20.
Which of the following makes a neural network non-linear?
A. Convolution function
B. Batch gradient descent
C. Rectified linear unit
D. All of the above
view answer:
C. Rectified linear unit
21.
In a neural network, which of the following causes the loss not to decrease faster?
A. Stuck at a local minima
B. High regularization parameter
C. Slow learning rate
D. All of the above
view answer:
D. All of the above
22.
For an image classification task, which of the following deep learning algorithm is best suited?
A. Recurrent Neural Network
B. Multi-Layer Perceptron
C. Convolution Neural Network
D. All of the above
view answer:
C. Convolution Neural Network
23.
Suppose the number of nodes in the input layer is 5 and the hidden layer is 10. The maximum number of connections from the input layer to the hidden layer would be-
A. More than 50
B. Less than 50
C. 50
D. None
view answer:
C. 50
24.
Which of the following is true about dropout?
A. Applied in the hidden layer nodes
B. Applied in the output layer nodes
C. Both A and B
D. None
view answer:
A. Applied in the hidden layer nodes
25.
Which of the following is a correct order for the Convolutional Neural Network operation?
A. Convolution -> max pooling -> flattening -> full connection
B. Max pooling -> convolution -> flattening -> full connection
C. Flattening -> max pooling -> convolution -> full connection
D. None
view answer:
A. Convolution -> max pooling -> flattening -> full connection
26.
Convolutional Neural Network is used in-
A. Image classification
B. Text classification
C. Computer vision
D. All of the above
view answer:
D. All of the above
27.
Which of the following neural network model has a shared weight structure?
A. Recurrent Neural Network
B. Convolution Neural Network
C. Both A and B
D. None
view answer:
C. Both A and B
28.
LSTM is a variation of-
A. Convolutional Neural Network
B. Recurrent Neural Network
C. Multi Layer Perceptron Network
D. None
view answer:
B. Recurrent Neural Network
29.
Which of the following neural networks is the best for machine translation?
A. 1D Convolutional Neural Network
B. 2D Convolutional Neural Network
C. Recurrent Neural Network
D. None
view answer:
C. Recurrent Neural Network
30.
Which of the following neural networks has a memory?
A. 1D CNN
B. 2D CNN
C. LSTM
D. None
view answer:
C. LSTM
‹
1
2
›
© aionlinecourse.com All rights reserved.