Question Bank
Question Bank
Question Bank
Computer Vision
1. What is Computer Vision?
a. A type of artificial intelligence b. A hardware component in a computer c. A programming language d.
A computer monitor
Answer: a. A type of artificial intelligence
2. Which of the following is NOT a typical application of Computer Vision?
a. Object recognition b. Autonomous driving c. Speech recognition d. Facial recognition
Answer: c. Speech recognition
3. What is the primary goal of feature extraction in Computer Vision?
a. To detect objects b. To enhance image resolution c. To reduce image size d. To identify patterns and
key information in an image
Answer: d. To identify patterns and key information in an image
4. Which of the following is a commonly used deep learning framework for Computer Vision tasks?
a. TensorFlow b. Microsoft Word c. Adobe Photoshop d. Microsoft Excel
Answer: a. TensorFlow
5. What is image segmentation in Computer Vision?
a. Classifying images into categories b. Detecting and tracking objects in images c. Dividing an image into
meaningful regions d. Enhancing the brightness of an image
Answer: c. Dividing an image into meaningful regions
6. In Computer Vision, what does OCR stand for?
a. Optical Character Recognition b. Object Classification and Recognition c. Object Character Rendering d.
Optical Code Recognition
Answer: a. Optical Character Recognition
7. Which type of neural network architecture is commonly used for image classification in Computer Vision?
a. Convolutional Neural Network (CNN) b. Recurrent Neural Network (RNN) c. Multilayer Perceptron (MLP)
d. Decision Tree
Answer: a. Convolutional Neural Network (CNN)
8. What is the purpose of data augmentation in Computer Vision?
a. To reduce the size of image datasets b. To improve the performance of machine learning models c. To
remove noise from images d. To resize images to a standard resolution
Answer: b. To improve the performance of machine learning models
9. Which image file format is lossless and commonly used for storing images in Computer Vision
applications?
a. JPEG b. PNG c. GIF d. BMP
Answer: b. PNG
10. What is the "vanishing gradient problem" in deep learning, and how is it relevant to Computer Vision?
a. It's the problem of fading colors in images. b. It's the problem of gradients becoming too small during
backpropagation, which can hinder training deep neural networks, including those used in Computer
Vision. c. It's the problem of objects disappearing from images. d. It's the problem of images getting
distorted during image processing.
Answer: b. It's the problem of gradients becoming too small during backpropagation, which can
hinder training deep neural networks, including those used in Computer Vision.
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 2
CNN
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 3
1. What does the term "design space" refer to in the context of CNNs?
a. The physical space where CNNs are implemented b. The range of possible architectural choices and
hyperparameters for CNNs c. The space of image dimensions CNNs can handle d. The space of pre-
trained CNN models
Answer: b. The range of possible architectural choices and hyperparameters for CNNs
2. In the design of a CNN, what does the term "kernel size" refer to?
a. The size of the entire network b. The size of the dataset being used c. The size of the convolutional filter
used in the convolution layer d. The size of the output layer
Answer: c. The size of the convolutional filter used in the convolution layer
3. Which of the following is NOT a typical architectural decision in the design of a CNN?
a. Number of layers b. Learning rate c. Activation functions d. Pooling strategies
Answer: b. Learning rate
4. What is the purpose of using dropout in a CNN?
a. To increase the number of layers b. To remove low-intensity pixels from images c. To prevent overfitting
by randomly deactivating neurons during training d. To enhance the resolution of feature maps
Answer: c. To prevent overfitting by randomly deactivating neurons during training
5. Which hyperparameter defines the step size for moving the convolutional filter over the input in a CNN?
a. Filter size b. Stride c. Pooling size d. Padding
Answer: b. Stride
6. In the design of a CNN, what is the role of batch normalization?
a. Normalizing the batch size b. Standardizing the input data to have zero mean and unit variance c.
Reducing the number of layers d. Increasing the learning rate
Answer: b. Standardizing the input data to have zero mean and unit variance
7. Which architectural component of a CNN helps reduce the spatial dimensions of feature maps while
retaining important information?
a. Activation function b. Fully connected layer c. Pooling layer d. Convolutional layer
Answer: c. Pooling layer
8. What is the purpose of using skip connections or residual connections in the design of a CNN?
a. To create shortcut paths for gradients to flow, which helps mitigate the vanishing gradient problem b.
To increase the number of layers for more complex feature extraction c. To add more convolutional filters
to the network d. To reduce the computational complexity
Answer: a. To create shortcut paths for gradients to flow, which helps mitigate the vanishing
gradient problem
9. What is the concept of transfer learning in the context of CNN design?
a. Training a CNN from scratch with random weights b. Transferring weights from one CNN to another
with different architectures c. Freezing all layers of a pre-trained model d. Fine-tuning a pre-trained model
on a new task
Answer: d. Fine-tuning a pre-trained model on a new task
10. In the design space of CNNs, what does the term "hyperparameter tuning" refer to?
a. Adjusting the architecture of the CNN b. Tuning the learning rate to the optimal value c. Fine-tuning the
number of layers d. Optimizing the values of parameters like batch size, dropout rate, and filter sizes
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 4
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 5
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 6
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 7
Transfer Learning
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 8
Fine-tunning in CNN
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 9
Image Classification
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 10
Text Classification
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 11
Hyper-parameter Tunning
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida
Deep Learning (ACSML0702) UNIT-II Convolution Neural Network 12
1. What is the purpose of the GPT (Generative Pre-trained Transformer) series of models in deep learning?
a. Object detection b. Image classification c. Natural language understanding and generation d. Speech
recognition
Answer: c. Natural language understanding and generation
2. What is the primary focus of Siamese Networks in deep learning?
a. Reinforcement learning b. Semi-supervised learning c. Face recognition and similarity learning d. Object
detection
Answer: c. Face recognition and similarity learning
3. In computer vision, what is a key advantage of the YOLO (You Only Look Once) architecture?
a. High interpretability of model predictions b. Real-time object detection with a single forward pass c.
Robustness to image noise d. Pixel-level image segmentation
Answer: b. Real-time object detection with a single forward pass
4. What is the primary application of CycleGAN (Cycle-Consistent Adversarial Networks) in deep learning?
a. Machine translation b. Style transfer and image-to-image translation c. Natural language understanding
d. Object detection
Answer: b. Style transfer and image-to-image translation
5. What does the term "capsule" refer to in Capsule Networks (CapsNets)?
a. A model architecture for speech recognition b. A building block for recurrent neural networks (RNNs) c.
A fundamental unit for handling hierarchical relationships in data d. A technique for image compression
Answer: c. A fundamental unit for handling hierarchical relationships in data
6. What is the primary advantage of Self-Attention mechanisms in neural networks?
a. Enhanced image resolution b. Improved language generation c. Handling long-range dependencies in
data d. Reduced computational complexity
Answer: c. Handling long-range dependencies in data
7. What is the key application area of GANs (Generative Adversarial Networks)?
a. Image classification b. Image generation and data synthesis c. Natural language processing d.
Reinforcement learning
Answer: b. Image generation and data synthesis
8. What is the primary focus of Federated Learning in deep learning?
a. Aggregating data from various sources into a single dataset b. Collaboratively training models across
decentralized devices while keeping data localized c. Feature extraction from large-scale datasets d.
Hyperparameter tuning techniques
Answer: b. Collaboratively training models across decentralized devices while keeping data
localized
9. In neural network architectures, what does the term "attention" refer to in models like BERT (Bidirectional
Encoder Representations from Transformers)?
a. Concentration of computing power b. Mechanism for focusing on relevant parts of input sequences c. A
type of recurrent layer d. The learning rate of the model
Answer: b. Mechanism for focusing on relevant parts of input sequences
10. What is the primary application of Spiking Neural Networks (SNNs) in emerging neural network
architectures?
a. Image classification b. Emulating human brain functions c. Audio processing d. Cryptography
Answer: b. Emulating human brain functions
Prepared by: Mr. Raj u, Assistant Professor, Department of Data Science, NIET, Greater Noida