0% found this document useful (0 votes)
44 views15 pages

ObjectiveQ&a Mid-I NNDL

NNDL BITS
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
44 views15 pages

ObjectiveQ&a Mid-I NNDL

NNDL BITS
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as DOCX, PDF, TXT or read online on Scribd
You are on page 1/ 15

Multiple Choice Questions with Answers

1. What is the primary building block of artificial neural networks (ANNs)?


A) Neurons
B) Weights
C) Activation functions
D) Layers
Answer: A) Neurons

2. Which layer of a feedforward neural network connects directly to the input data?
A) Input layer
B) Hidden layer
C) Output layer
D) Bias layer
Answer: A) Input layer

3. Which activation function is commonly used for binary classification problems in ANNs?
A) Sigmoid
B) ReLU
C) Tanh
D) Softmax
Answer: A) Sigmoid

4. What is the purpose of the backpropagation algorithm in training neural networks?


A) Initialization of weights
B) Forward pass computation
C) Updating weights to minimize errors
D) Activation function selection
Answer: C) Updating weights to minimize errors

5. Which type of neural network is specifically designed for sequence data, such as time
series or natural language processing?
A) Convolutional Neural Network (CNN)
B) Recurrent Neural Network (RNN)
C) Feedforward Neural Network (FNN)
D) Radial Basis Function Network (RBFN)
Answer: B) Recurrent Neural Network (RNN)
6. In a convolutional neural network (CNN), what is the primary operation performed by
convolutional layers?
A) Matrix multiplication
B) Pooling
C) Weight normalization
D) Element-wise multiplication
Answer: A) Matrix multiplication

7. Which type of neural network architecture is often used for image classification tasks?
A) LSTM
B) GRU
C) CNN
D) Autoencoder
Answer: C) CNN

8. What is the primary purpose of dropout layers in neural networks?


A) Speed up training
B) Reduce overfitting
C) Increase the number of neurons
D) Enhance gradient descent
Answer: B) Reduce overfitting

9. In a Long Short-Term Memory (LSTM) network, what is the role of the forget gate?
A) Deciding which information to discard from the cell state
B) Determining the output of the current time step
C) Storing long-term information
D) Managing the input gate
Answer: A) Deciding which information to discard from the cell state

10. Which of the following is NOT a commonly used loss function in neural network
training?
A) Mean Squared Error (MSE)
B) Cross-Entropy Loss
C) Hinge Loss
D) K-Means Loss
Answer: D) K-Means Loss
11. What does "backpropagation" refer to in the context of neural networks?
A) The process of propagating gradients backward through the network to update weights.
B) The initial forward pass of data through the network.
C) A technique for selecting the most important features in the input data.
D) The activation function used in the output layer.
Answer: A) The process of propagating gradients backward through the network to update
weights.

12. What is the purpose of the "activation function" in a neural network?


A) It determines the learning rate of the network.
B) It normalizes the input data.
C) It introduces non-linearity to the network, allowing it to learn complex patterns.
D) It initializes the weights of the neurons.
Answer: C) It introduces non-linearity to the network, allowing it to learn complex patterns.

13. What is the "bias" in the context of neural networks?


A) It represents the tendency of a neuron to overfit the training data.
B) It is a term used to describe the noise in the input data.
C) It is an additional parameter in a neuron that allows it to shift the output.
D) It is a measure of the network's accuracy.
Answer: C) It is an additional parameter in a neuron that allows it to shift the output.

14. In the context of training a neural network, what does "overfitting" mean?
A) The network is not able to fit the training data.
B) The network is too simple and cannot learn from the data.
C) The network has learned the training data too well and does not generalize to new data.
D) The network converges too quickly during training.
Answer: C) The network has learned the training data too well and does not generalize to
new data.

15. What does "epoch" refer to during the training of a neural network?
A) The number of neurons in the input layer.
B) The number of layers in the network.
C) One complete pass through the entire training dataset during training.
D) The learning rate used for updating weights.
Answer: C) One complete pass through the entire training dataset during training.

16. In supervised learning, what is the role of the "supervisor" or "teacher"?


A) To train the model using labeled data
B) To select the most appropriate activation function
C) To determine the number of hidden layers in the network
D) To evaluate the model's performance on test data
Answer: A) To train the model using labeled data

17. What is the primary objective of a supervised learning network?


A) To classify data into predefined categories or classes
B) To generate random data points
C) To perform unsupervised clustering of data
D) To optimize network architecture
Answer: A) To classify data into predefined categories or classes

18. Which of the following is an example of a supervised learning algorithm?


A) K-Means Clustering
B) Principal Component Analysis (PCA)
C) Support Vector Machine (SVM)
D) Apriori Algorithm
Answer: C) Support Vector Machine (SVM)

19. What is the typical approach for training a supervised learning network?
A) Providing input data without labels
B) Providing input data with labels, allowing the network to learn the mapping from input
to output
C) Providing only output labels without input data
D) Providing input data and asking the network to generate labels
Answer: B) Providing input data with labels, allowing the network to learn the mapping
from input to output

20. What is the purpose of a loss or cost function in supervised learning?


A) To measure the network's accuracy on the training data
B) To determine the learning rate of the network
C) To control the number of neurons in each layer
D) To calculate the number of hidden layers in the network
Answer: A) To measure the network's accuracy on the training data

21. What is a Perceptron in the context of neural networks?


A) A type of recurrent neural network
B) A type of feedforward neural network
C) A type of unsupervised learning algorithm
D) A type of reinforcement learning algorithm
Answer: B) A type of feedforward neural network

22. What is the basic building block of a Perceptron?


A) Neurons
B) Layers
C) Weights
D) Activation functions
Answer: A) Neurons

23. What is the main purpose of a Perceptron?


A) To model complex, non-linear relationships in data
B) To perform binary classification tasks by finding a linear decision boundary
C) To recognize sequences and patterns in data
D) To generate random numbers for simulations
Answer: B) To perform binary classification tasks by finding a linear decision boundary

24. In the context of neural networks, what is the primary purpose of the backpropagation
algorithm?

A) Initializing the weights of the network


B) Calculating the forward pass of the data
C) Propagating gradients backward to update weights
D) Deciding the activation functions for neurons
Answer: C) Propagating gradients backward to update weights

25. During the backpropagation process, what is typically used to adjust the model's weights?

A) The initial values of the weights


B) A random search algorithm
C) The learning rate and gradient information
D) The number of hidden layers in the network
Answer: C) The learning rate and gradient information
26. What is the primary objective of unsupervised learning in neural networks?

A) To classify data into predefined categories


B) To predict future data points based on historical data
C) To discover patterns, structure, or relationships in data without labeled outputs
D) To optimize network hyperparameters

Answer: C) To discover patterns, structure, or relationships in data without labeled outputs

27. Which type of unsupervised learning algorithm is commonly used for dimensionality
reduction?

A) K-Means Clustering
B) Principal Component Analysis (PCA)
C) Recurrent Neural Network (RNN)
D) Gradient Descent

Answer: B) Principal Component Analysis (PCA)

28. What is the primary goal of clustering algorithms in unsupervised learning?

A) To minimize prediction errors


B) To divide data into meaningful groups or clusters
C) To maximize classification accuracy
D) To create a neural network architecture

Answer: B) To divide data into meaningful groups or clusters

29. Which unsupervised learning method aims to find dense regions of data points in a high-
dimensional space?

A) Hierarchical Clustering
B) Gaussian Mixture Model (GMM)
C) Density-Based Spatial Clustering of Applications with Noise (DBSCAN)
D) Apriori Algorithm

Answer: C) Density-Based Spatial Clustering of Applications with Noise (DBSCAN)


30. What is the primary application of autoencoders in unsupervised learning?

A) Image classification
B) Dimensionality reduction and feature learning
C) Natural language processing (NLP)
D) Reinforcement learning

Answer: B) Dimensionality reduction and feature learning

31. Which type of unsupervised learning model is capable of generating new, similar data
points after training?

A) Self-Organizing Maps (SOM)


B) Restricted Boltzmann Machine (RBM)
C) Hierarchical Clustering
D) Fuzzy Logic

Answer: B) Restricted Boltzmann Machine (RBM)

32. In unsupervised learning, how is the quality of clustering typically evaluated?

A) Using precision and recall


B) Using the silhouette score or other clustering metrics
C) By comparing with a labeled ground truth dataset
D) By measuring the error rate of the model

Answer: B) Using the silhouette score or other clustering metrics

33. What is the main objective of Fixed Weight Competitive Networks (WTA)?

A) To perform supervised classification


B) To discover clusters or groups in data
C) To minimize prediction errors
D) To generate synthetic data

Answer: B) To discover clusters or groups in data


34. In a Fixed Weight Competitive Network, what happens during the competition phase?

A) All neurons in the network produce the same output


B) Only one neuron, the winner, produces an output of 1, while all others output 0
C) Neurons produce continuous values as output
D) Neurons update their weights randomly

Answer: B) Only one neuron, the winner, produces an output of 1, while all others output 0

35. What is the typical activation function used in Fixed Weight Competitive Networks?

A) Sigmoid
B) ReLU (Rectified Linear Unit)
C) Linear
D) Step function

Answer: D) Step function

36. In Fixed Weight Competitive Networks, what is the role of lateral inhibition?

A) It encourages all neurons to win equally


B) It enhances the output of the winning neuron
C) It suppresses the activity of neighboring neurons when one neuron wins
D) It has no effect on network behavior

Answer: C) It suppresses the activity of neighboring neurons when one neuron wins

37. What is the primary application of Fixed Weight Competitive Networks?

A) Image classification
B) Clustering and pattern recognition
C) Natural language processing (NLP)
D) Reinforcement learning

Answer: B) Clustering and pattern recognition


38. What is the primary purpose of Maxnet Hamming Networks?

A) To perform regression tasks


B) To solve optimization problems
C) To discover clusters or groups in data
D) To generate random data points

Answer: C) To discover clusters or groups in data

39. How do Maxnet Hamming Networks update their neuron activations during training?

A) Using a sigmoid activation function


B) Using a linear activation function
C) By comparing each neuron's output with a threshold and selecting the winner
D) By calculating the mean of all neuron activations

Answer: C) By comparing each neuron's output with a threshold and selecting the winner

40. What is the primary limitation of Maxnet Hamming Networks?

A) They cannot adapt to changing data


B) They require labeled training data
C) They are computationally intensive
D) They have a fixed number of neurons

Answer: D) They have a fixed number of neurons

41. In a Maxnet Hamming Network, what does the winner neuron represent?

A) The neuron with the highest weight values


B) The neuron with the lowest weight values
C) The neuron with the most positive activation
D) The cluster or group to which the input data point belongs

Answer: D) The cluster or group to which the input data point belongs

42. What is the primary application of Maxnet Hamming Networks?


A) Image classification
B) Clustering and pattern recognition
C) Natural language processing (NLP)
D) Speech recognition

Answer: B) Clustering and pattern recognition

43. What is the main objective of Learning Vector Quantization (LVQ)?

A) To perform regression tasks


B) To discover clusters or groups in data
C) To generate synthetic data points
D) To optimize network hyperparameters

Answer: B) To discover clusters or groups in data

44. In LVQ, what are the "codebook vectors"?

A) Vectors used for encoding data


B) Weights of the output layer neurons
C) Neurons in the hidden layer
D) Prototypes that represent different classes or clusters

Answer: D) Prototypes that represent different classes or clusters

45. How are codebook vectors updated during the training process in Learning Vector
Quantization?

A) They are fixed and not updated


B) They are updated randomly
C) They are adjusted based on the input data and the winner-takes-all principle
D) They are updated based on the gradient descent algorithm

Answer: C) They are adjusted based on the input data and the winner-takes-all principle

46. What is the primary purpose of Counter Propagation Networks (CPN)?


A) To perform regression tasks
B) To discover clusters or groups in data
C) To generate synthetic data points
D) To optimize network hyperparameters

Answer: B) To discover clusters or groups in data

47. What are the two main layers in a Counter Propagation Network?

A) Input and output layers


B) Hidden and output layers
C) Codebook and output layers
D) Competitive and associative layers

Answer: C) Codebook and output layers

48. In Counter Propagation Networks, what is the role of the codebook layer?

A) To perform the final classification of input data


B) To store prototype vectors representing clusters in the input space
C) To calculate the error between the predicted and actual outputs
D) To apply activation functions to input data

Answer: B) To store prototype vectors representing clusters in the input space

49. What is the primary goal of Adaptive Resonance Theory (ART) networks?

A) To perform regression tasks


B) To discover clusters or groups in data
C) To generate synthetic data points
D) To optimize network hyperparameters

Answer: B) To discover clusters or groups in data

50. In ART networks, what is the role of the vigilance parameter?


A) It determines the learning rate of the network
B) It controls the number of neurons in the network
C) It defines the level of similarity between input patterns and existing clusters
D) It adjusts the activation function used in the output layer

Answer: C) It defines the level of similarity between input patterns and existing clusters

Fill In the Blanks with Answers

1. In a basic artificial neural network (ANN), the primary building block is the ________.
Answer: Neuron
2. The weights in a neuron represent the ________ of the connections.
Answer: Strength
3. The function applied to the weighted sum of inputs in a neuron is called the ________
function.
Answer: Activation
4. In supervised learning networks, the role of the supervisor is to provide ________ data for
training.
Answer: Labeled
5. The primary objective of a supervised learning network is to map input data to ________
outputs.
Answer: Target
6. The process of propagating gradients backward through the network to update weights is
known as ________.
Answer: Backpropagation
7. Perceptron networks are typically used for ________ classification tasks by finding linear
decision boundaries.
Answer: Binary
8. The step function in a perceptron helps it make ________ decisions.
Answer: Binary
9. Adaptive Linear Neuron (Adaline) networks use a ________ function for continuous
output.
Answer: Linear
10. The learning rule in Adaline networks is based on minimizing the ________ between
predicted and target values.
Answer: Mean Squared Error (MSE)
11. The process of fine-tuning neural network weights to minimize errors is the primary task
of ________ networks.
Answer: Back-propagation
12. Associative Memory Networks are designed for ________ recall of patterns from partial
or noisy input.
Answer: Pattern
13. Training algorithms for pattern association, such as Hebbian learning and delta rule, are
used to store and retrieve ________ in associative memory networks.
Answer: Patterns
14. The Bidirectional Associative Memory (BAM) network can store and retrieve patterns in
a ________ manner.
Answer: Bidirectional
15. The Hopfield network is a type of recurrent neural network used for ________.
Answer: Auto-associative memory
16. In a Hopfield network, patterns are stored as stable ________.
Answer: Equilibrium points
17. The training algorithm for BAM involves updating the weights based on the ________
product of patterns.
Answer: Outer
18. In Hopfield networks, the diagonal elements of the weight matrix are typically set to
________.
Answer: Zero
19. In a basic feedforward neural network, the process of propagating data from the input
layer to the output layer is called the ________ pass.
Answer: Forward
20. The activation function of a neuron introduces ________ into the network, allowing it to
learn complex patterns.
Answer: Non-linearity
21. A loss or cost function is used in supervised learning to measure the network's accuracy
on the ________ data.
Answer: Training
22. Dropout layers are used in neural networks to reduce ________, which can occur during
training.
Answer: Overfitting
23. In Convolutional Neural Networks (CNNs), convolutional layers primarily perform
________ operations.
Answer: Matrix multiplication
24. Long Short-Term Memory (LSTM) networks are designed for handling ________ data,
such as time series or natural language.
Answer: Sequence
25. In the context of backpropagation, the learning rate and ________ information are
typically used to adjust model weights.
Answer: Gradient
26. Unsupervised learning is a type of machine learning where the model learns from
________ data without explicit labels.
Answer: Unlabeled
27. Fixed Weight Competitive Networks, also known as Winner-Takes-All networks, use
________ weights for the connections between neurons.
Answer: Fixed
28. In Maxnet networks, during the competition phase, only one neuron, the ________,
produces an output of 1, while all others output 0.
Answer: Winner
29. Hamming Networks are often used for ________ and pattern recognition tasks.
Answer: Clustering
30. Kohonen Self-Organizing Feature Maps (SOM) are a type of unsupervised learning
network used for ________.
Answer: Dimensionality reduction
31. In Learning Vector Quantization (LVQ), codebook vectors are used to represent
________ or clusters in data.
Answer: Prototypes
32. In Counter Propagation Networks (CPN), codebook vectors are adjusted based on the
input data and the ________ principle.
Answer: Winner-takes-all
33. The primary role of Adaptive Resonance Theory (ART) networks is to discover
________ in data.
Answer: Clusters
34. The vigilance parameter in ART networks defines the level of ________ between input
patterns and existing clusters.
Answer: Similarity
35. Special Networks encompass various types of neural networks designed for specific tasks
or applications, such as image recognition or ________.
Answer: Natural language processing (NLP)
36. The Hopfield network is a type of recurrent neural network used for ________.
Answer: Auto-associative memory
37. The Boltzmann machine is a type of network that models the probability distribution of
________.
Answer: Binary variables
38. In Restricted Boltzmann Machines (RBMs), visible and hidden units have ________
connections between them.
Answer: Undirected
39. Convolutional Neural Networks (CNNs) are designed for tasks like image recognition
and utilize ________ layers for feature extraction.
Answer: Convolutional
40. In a Radial Basis Function Network (RBFN), radial basis functions are used as ________
functions.
Answer: Activation
41. The main purpose of Recurrent Neural Networks (RNNs) is to handle ________ data,
such as time series.
Answer: Sequential
42. The primary goal of Long Short-Term Memory (LSTM) networks is to capture ________
dependencies in data.
Answer: Long-term
43. In Echo State Networks (ESNs), the ________ is a reservoir of randomly connected
recurrent neurons.
Answer: Reservoir
44. The self-organizing property of Self-Organizing Maps (SOM) is used to arrange neurons
in a ________.
Answer: Topological map
45. In a Hopfield network, patterns are stored as stable ________ points.
Answer: Equilibrium
46. In Adaptive Resonance Theory (ART) networks, a category is formed when the input
pattern resonates with a stored ________.
Answer: Prototype
47. Growing Neural Gas (GNG) is an unsupervised learning network used for ________.
Answer: Clustering and data visualization
48. Liquid State Machines (LSMs) utilize a large reservoir of ________ connected neurons
for computation.
Answer: Randomly
49. In Extreme Learning Machines (ELMs), the weights connecting the hidden layer to the
output layer are initialized ________.
Answer: Randomly
50. A Denoising Autoencoder is designed to remove noise or corruption from ________ data.
Answer: Input

You might also like