Neural Network MCQ: Narrow Artificial Intelligence is used to train specific tasks without cognitive abilities and understanding like humans. Some of the areas where Neural AI is used such as voice recognition like Siri, Google Assistant and Alexa, Neural AI can also analyze the image like self-driving cars etc.

Neural Network MCQ with answers
- What does Narrow AI mean ____________.
a. AI that specializes in a specific task
b. AI with human intelligence
c. AI capable to understand emotion
d. AI that understands the human life
- Which of the following is an example of Narrow AI?
a. Self driving cars
b. Autonomous robots
c. Human managed chatbots
d. AI with emotions
- What is the main characteristic of Narrow AI systems?
a. They can perform intellectual task like human
b. They possess consciousness and self awareness
c. They excel in a single specific task
d. They can understand the emotions
- _______________ type of AI focused on replicating human cognitive abilities?
a. Narrow AI
b. General AI
c. Superintelligent AI
d. None of the above
- Which of the following does not belong to Narrow AI?
a. Ability to learn from data
b. Adaptation to various tasks
c. Human like reasoning and understanding
d. None of the above
- _______________ AI is used to design Siri and Google Assistant?
a. Narrow AI
b. Artificial General Intelligence
c. Strong AI
d. Superintelligent AI
- _____________ AI has the capability to perform like humans.
a. Narrow AI
b. Weak AI
c. Artificial Superintelligence
d. Humanoid AI
- Which AI is also known as Weak AI?
a. Narrow AI
b. Strong AI
c. Superintelligent AI
d. General AI
- ___________ is an application of Narrow AI?
a. Spam email filtering
b. Music recommendation services
c. Autonomous vehicles
d. All of the above
- What function does the bias term provide in a neuron?
a. It represents the weight of the neuron
b. It introduces randomness to the neuron
c. It shifts the activation function
d. None of the above
- What is the main function of a neural network’s output layer?
a. To perform feature extraction
b. To make predictions or classifications
c. To introduce non-linearity
d. None of the above
- Which particular neural network architecture aims to resemble the human brain?
a. Convolutional Neural Network (CNN)
b. Recurrent Neural Network (RNN)
c. Multilayer Perceptron (MLP)
d. None of the above
- What do you mean by backpropagation ______________ in neural networks?
a. Forward pass of data
b. Training process for adjusting weights
c. Activation of output layer
d. None of the above
- In a feedforward neural network, information flows ___________.
a. Only in the forward direction
b. Only in the backward direction
c. In both forward and backward directions
d. In random directions
- _______________ layer is responsible for input processing in the neural network.
a. Input layer
b. Output layer
c. Hidden layer
d. Activation layer
- What does neural network weight initialization provide?
a. To give weights random values
b. Initializing all weights to zero.
c. To set weights up initially based on particular standards
d. To eliminate network weights
- Which neural network layout is best for tasks involving image classification?
a. Recurrent Neural Network (RNN)
b. Multilayer Perceptron (MLP)
c. Convolutional Neural Network (CNN)
d. Radial Basis Function Network (RBFN)
- Which training method tries to reduce the discrepancy between expected and actual results?
a. Gradient Descent
b. K-means clustering
c. Principal Component Analysis (PCa.
d. None of the above
- What is the basic building block of a neural network?
a. Neuron
b. Node
c. Weight
d. Layer
- Which of the following functions is commonly used to activate neural networks?
a. Linear function
b. Sigmoid function
c. Square root function
d. Exponential function
- What type of neural network is usually used to handle sequential data, such as natural language?
a. Recurrent Neural Network (RNN)
b. Multilayer Perceptron (MLP)
c. Convolutional Neural Network (CNN)
d. Radial Basis Function Network (RBFN)
- What is batch normalization’s main benefit when employed in neural networks?
a. Faster training
b. Smaller model size
c. Improved weight initialization
d. None of the above
- What purpose does the loss play in a neural network?
a. To initialize the weights
b. To define the architecture of the network
c. To measure the error between predicted and actual outputs
d. None of the above
- What specific neural network architecture is designed for unsupervised learning tasks?
a. Convolutional Neural Network (CNN)
b. Recurrent Neural Network (RNN)
c. Autoencoder
d. None of the above
- What is overfitting in the neural networks?
a. Model that performs well on training data but poorly on new data
b. A model that works equally well on both training and testing data
c. A model with too few layers
d. None of the above
- What kind of layer is typically used to a neural network to add non-linearity?
a. Input layer
b. Hidden layer
c. Output layer
d. None of the above
- What are the main applications of convolutional layers in a convolutional neural network (CNN)?
a. Feature extraction
b. Classification
c. Storing weights
d. None of the above
- What purpose is served by the dropout layer in a neural network?
a. To increase the number of neurons in a layer
b. To remove random neurons during training to prevent overfitting
c. To normalize the input data
d. None of the above
- A neural network with numerous hidden layers is known as __.
a. Shallow network
b. Deep network
c. Wide network
d. Linear network
- What does the gradient descent optimization learning rate do?
a. To determine the size of weight updates
b. To set the initial weights
c. To define the number of hidden layers
d. None of the above
- What does the vanishing gradient problem in deep neural networks mean?
a. It refers to the gradient descent algorithm failing to converge.
b. It occurs when gradients become too large, causing instability.
c. It occurs when gradients become too small, hindering training.
d. None of the above
- What does the output layer of a neural network’s softmax activation function do?
a. To introduce non-linearity
b. To calculate the mean of outputs
c. To convert raw scores into probability distributions
d. None of the above
- Which neural network design is best for forecasting time-series data?
a. Recurrent Neural Network (RNN)
b. Convolutional Neural Network (CNN)
c. Multilayer Perceptron (MLP)
d. Radial Basis Function Network (RBFN)
- What role does the kernel play in the convolutional layer of a CNN?
a. To compute the gradient
b. To initialize the weights
c. To perform convolution operations on input data
d. None of the above
- Which optimization method is reputed to be versatile in terms of learning rates for different parameters?
a. Stochastic Gradient Descent (SGd.
b. Adam
c. Gradient Descent
d. None of the above
- What does “transfer learning” mean in terms of neural networks?
a. Training a network to perform transfers between accounts
b. Using a pre-trained model as a starting point for a new task
c. Transferring weights between layers in a network
d. None of the above
- What does the term “momentum” signify when referring to optimization methods like SGD?
a. To add random noise to weight updates
b. To speed up convergence by considering previous weight updates
c. To initialize the weights of the network
d. None of the above
- What are the main advantages of a recurrent neural network (RNN) using LSTM (Long Short-Term Memory) cells?
a. Faster training
b. Improved memory of past information
c. Smaller model size
d. None of the above
- What kind of neural network performs generative tasks like producing visuals the best?
a. Recurrent Neural Network (RNN)
b. Convolutional Neural Network (CNN)
c. Variational Autoencoder (VAE)
d. Radial Basis Function Network (RBFN)
- What is the primary disadvantage of the fully connected layers in neural networks?
a. They require fewer weights.
b. They can’t handle sequential data.
c. They have too many connections, leading to overfitting.
d. None of the above
- What use does the recurrent layer of a neural network serve?
a. To introduce non-linearity
b. To model sequential data and dependencies
c. To normalize input data
d. None of the above
- What is the biggest challenge in deep learning?
a. Lack of available data
b. Lack of computing power
c. Vanishing gradient problem
d. None of the above
- What type of neural network is typically employed for tasks involving natural language processing, such as language translation?
a. Recurrent Neural Network (RNN)
b. Convolutional Neural Network (CNN)
c. Multilayer Perceptron (MLP)
d. Radial Basis Function Network (RBFN)
- What are dropout’s main benefits in neural networks?
a. It reduces the number of layers in the network.
b. It prevents overfitting by randomly disabling neurons during training.
c. It increases the size of the training dataset.
d. None of the above
- What does a hyperparameter for a neural network actually mean?
a. A weight assigned to neurons
b. A parameter learned during training
c. A setting that is not learned but affects the model’s behavior
d. None of the above
- What purpose does the validation dataset play in a neural network’s training process?
a. It is used to train the model.
b. It is used to monitor the model’s performance on unseen data.
c. It is used to test the model’s generalization.
d. None of the above
- What purpose does a neural network’s learning rate scheduler serve?
a. To adjust the learning rate during training
b. To set the initial weights of the network
c. To normalize input data
d. None of the above
- What does “epoch” convey in terms of neural network training?
a. A single forward pass of the data
b. A complete iteration through the training dataset
c. A single weight update
d. None of the above
- What drawback does using a high learning rate have on gradient descent optimization?
a. Slow convergence
b. Overshooting the minimum of the loss function
c. Increased risk of local minima
d. None of the above
- In sequence-to-sequence applications like machine translation, what kind of neural network layer is commonly used?
a. Convolutional layer
b. Pooling layer
c. Encoder-Decoder layer
d. None of the above
- Which activation function is typically used in the output layer of a regression neural network?
a. Sigmoid
b. ReLU
c. Linear
d. None of the above
- What advantage does neural network mini-batch training have over other techniques?
a. Faster convergence
b. Lower memory requirements
c. Simpler implementation
d. None of the above
- Which neural network design is most effective for identifying distant dependencies in sequential data?
a. Recurrent Neural Network (RNN)
b. Convolutional Neural Network (CNN)
c. Transformer
d. None of the above
- What kind of neural network layer downsamples the input data for a CNN?
a. Convolutional layer
b. Pooling layer
c. Recurrent layer
d. None of the above
Chapterwise MCQs on Artificial Intelligence
- Artificial Intelligence MCQ With Revision Notes
- Neural Network MCQ With Revision Notes
- Expert System MCQ With Revision Notes
- Deep Learning MCQ With Revision Notes
- Data Science MCQ With Revision Notes
- Computer Vision MCQ With Revision Notes
- Machine Learning MCQ With Revision Notes
Neural network mcq with answers are very helpful for those preparing for competitive computer science exams, Convolutional neural network MCQ especially in areas like data analysis, machine learning, and artificial intelligence. As AI drives technological advancements in the future, knowing these MCQs (Recurrent neural network MCQ) can provide you a big advantage. Improve your readiness by immediately solving MCQs on Neural network mcq pdf.