Unit 03 To 15th Questions
Unit 03 To 15th Questions
a) RGB
b) HSV
c) Grayscale
d) CMYK
2. What advantage does HSV have over RGB for color-based image analysis?
b) More compact representation of colors c) Better handling of noise in images d) Higher dynamic
range
a) Color-based segmentation
b) Texture analysis
c) Probability distributions
d) Image gradients
a) Histograms
7. Which distance metric is used to compare histograms based on the Bhattacharyya coefficient?
c) Bhattacharyya distance
d) Mahalanobis distance
11. Which measure is commonly used for comparing the similarity between histograms or
distributions?
a) Jaccard index
b) Bhattacharyya distance
c) Pearson correlation coefficient d) Kullback-Leibler divergence
12. Which color space is commonly used for texture analysis in grayscale images?
a) RGB b) HSV c) YUV
d) Grayscale
15. When comparing histograms, which metric is more robust to changes in lighting conditions?
a) Euclidean distance b) Cosine similarity
c) Bhattacharyya distance
d) Manhattan distance
20. Which distance metric is used for comparing histograms based on the Earth Mover's Distance
(EMD)?
a) Manhattan distance
b) Euclidean distance c) Bhattacharyya distance d) Kullback-Leibler divergence
22. Which technique is best suited for comparing the similarity between distributions in image
recognition?
a) Histogram matching
b) Bhattacharyya distance
c) Correlation coefficient d) Template matching
25. Histogram comparison can be used to assess the similarity between images in which application?
a) Object tracking
b) Image inpainting c) Image compression d) Image stitching
26. Which color space is used to calculate the color histograms in the Bhattacharyya distance
calculation?
a) RGB
b) HSV
c) YUV d) Grayscale
27. Which histogram comparison technique is more robust to changes in image intensity levels?
a) Bhattacharyya distance b) Euclidean distance
c) Correlation coefficient
d) Earth Mover's Distance (EMD)
29. Which distance metric is used to compare histograms based on the intersection of two histograms?
a) Cosine similarity
b) Earth Mover's Distance (EMD)
c) Bhattacharyya distance d) Euclidean distance
30. Histogram comparison techniques are used to analyze the similarity between images based on
their:
a) Spatial resolution
b) Pixel intensity values
c) Geometric transformations d) File sizes
=================================================================================
2) Which thresholding method assumes that the image histogram has two distinct peaks?
4) Which thresholding method dynamically adjusts the threshold based on local image statistics?
a) Erosion and dilation b) Blurring and sharpening c) Edge detection and gradient calculation d)
Thresholding and binarization
Answer: a) Erosion and dilation
a) Erosion followed by dilation b) Dilation followed by erosion c) Difference between erosion and
dilation d) Union of erosion and dilation
a) Two connected objects are incorrectly identified as separate b) Two separate objects are
incorrectly identified as connected c) The background is misclassified as foreground d) None of the
above
10) Which of the following techniques can be used to solve connectedness paradoxes?
===========================================================
a) Adapts the threshold based on local image characteristics b) Uses multiple thresholds for different
regions of an image
=======================================================
a) Gradient magnitude of the image b) Local image statistics c) Fuzzy logic principles d) Histogram
analysis
a) Allows for gradual separation between foreground and background b) Relies on image gradients
for thresholding
12) Which library can be used for fuzzy logic operations in Python?
Answer: d) scikit-fuzzy
Answer: a) fuzz.membership.gaussmf()
14) Which function is used to calculate the fuzzy membership values for each pixel in scikit-fuzzy?
Answer: c) fuzz.interp_membership()
c) It uses fuzzy logic principles for thresholding d) It is not suitable for image segmentation
Answer: d) Binarization
18) What is the main advantage of variable thresholding over traditional thresholding methods?
a) More precise separation between foreground and background b) Faster computation time
19) Which method is used to address the connectedness paradox in image segmentation?
20) Which thresholding method adapts the threshold based on the local image characteristics?
21) Which morphological operation is used to remove small noise regions in an image?
Answer: a) Opening
Answer: b) Closing
23) Which morphological operation can be used to extract only the boundary of objects in an image?
a) Opening b) Closing c) Erosion d) Dilation
Answer: c) Erosion
24) Which morphological operation can be used to expand the boundaries of objects in an image?
Answer: d) Dilation
25) Which method is used to solve connectedness paradoxes by segmenting objects based on
intensity and spatial information?
26) Which thresholding method utilizes edge information to determine the threshold?
27) Fuzzy thresholding allows for: a) Only binary segmentation results b) Gradual separation
between foreground and background
==============================================================================
Answer: b) OpenCV
2) What does OpenCV stand for?
a. Open Computer Vision b. Open Source Computer Vision c. Optical Character Verification d.
Operational Computer Visualizer
a. To adjust camera exposure settings b. To estimate the focal length of the camera
Answer: a) K-Means
8) Which deep learning architecture won the ImageNet Large-Scale Visual Recognition Challenge
(ILSVRC) in 2012?
a. VGGNet b. ResNet c. AlexNet d. InceptionNet
Answer: c) AlexNet
a. Optical Character Recognition (OCR) b. Object detection c. Image classification d. Image super-
resolution
10) Which method is used to estimate the camera's pose (position and orientation) in 3D space?
11) Which technique is used to match and track objects across multiple frames in a video?
a. Template matching b. Optical flow c. SIFT (Scale-Invariant Feature Transform) d. Harris corner
detection
12) Which algorithm is commonly used for face detection in images and videos?
a. Haar cascades b. SURF (Speeded-Up Robust Features) c. LBP (Local Binary Patterns) d. Histogram
of Oriented Gradients (HOG)
13) Which technique is used to generate panoramic images by stitching multiple images together?
14)Which method can be used to estimate the depth or 3D structure of a scene from stereo images?
a. Structure from Motion (SfM) b. Bundle Adjustment c Homography estimation d. Epipolar
geometry
15) Which technique can be used to remove noise from an image while preserving the important
details?
17) Which technique is used to detect and recognize human faces in real-time?
a. Viola-Jones algorithm b. R-CNN (Region-based Convolutional Neural Network) c. YOLO (You Only
Look Once) d. Faster R-CNN
18)Which technique can be used to generate a depth map from a single RGB image?
a. Structure from Motion (SfM) b. Kinect sensor c. Monocular depth estimation d. Lidar scanning
19)Which method can be used to detect and track moving objects in a video?
20) Which technique is used to detect and recognize handwritten digits in an image?
a. Convolutional Neural Networks (CNN) b. Random Forest c. Principal Component Analysis (PCA) d.
Support Vector Machines (SVM)
21) Which technique can be used to detect and recognize specific objects or regions in an image?
22) Which technique is used to estimate the motion of objects between consecutive frames in a
video?
23) Which technique can be used to generate synthetic images by learning the underlying data
distribution?
24) Which technique is used to enhance the visibility of faint details in an image?
=
25) Which method is used to detect and track the movement of the human eye in a video?
a. Pupil detection b. Eye corner detection c. Optical flow d. Template matching
26) Which technique is used to remove the background from an image and extract the foreground
object?
27) Which technique can be used to detect and track keypoints or interest points in an image?
28) Which technique can be used to detect and recognize different facial expressions in an image?
a. Haar cascades b. Active Appearance Models (AAM) c. Facial Action Coding System (FACS) d. Local
Binary Patterns (LBP)
29) Which technique can be used to estimate the pose (position and orientation) of a 3D object in an
image?
30) Which technique can be used to generate a depth map from a pair of stereo images?
1) Which operator is commonly used for edge detection and emphasizes both vertical and horizontal
edges?
a) Sobel operator b) Canny edge detector c) Laplacian of Gaussian (LoG) d) Roberts operator
2) The Canny edge detection algorithm performs which of the following operations?
3) The Haar classifier is commonly used for which computer vision task?
a) Collecting positive and negative samples, training weak classifiers, and combining them using
AdaBoost b) Calculating the integral image and applying gradient-based optimization
c) Selecting the most discriminative features and adjusting weights d) Training a neural network
using backpropagation
Answer: a) Collecting positive and negative samples, training weak classifiers, and combining them
using Ada Boost
5) Which technique is used to separate an object from its background in contour segmentation?
6) Which corner detection algorithm uses the second-moment matrix to compute corner responses?
a) Harris corner detection b) FAST corner detection c) Moravec corner detection d) Shi-Tomasi
corner detection
Answer: a) Speed
Answer: b) COCO
9) The YOLO algorithm is widely used for: a) Face recognition b) Semantic segmentation c) Object
detection d) Image denoising
10) Which performance metric measures the overlap between the detected and ground truth
regions? a) Precision b) Recall c) Intersection over Union (IoU) d) F1 score
11) Which video dataset contains human action labels for a wide range of activities? a) UCF101 b)
YouTube-8M c) HMDB51 d) Kinetics
Answer: a) UCF101
12) Which method is commonly used to evaluate the performance of object detection algorithms? a)
Precision-Recall curve b) ROC curve c) Mean Average Precision (mAP) d) F1 score
a) Jaccard Index b) Euclidean Distance c) Fowlkes-Mallows Index d) Intersection over Union (IoU)
Answer: d) Intersection over Union (IoU)
14) Which dataset is commonly used for face recognition research? a) LFW (Labeled Faces in the
Wild) b) ImageNet c) COCO d) PASCAL VOC
15) Which technique is used to measure the similarity between two contours? a) Hausdorff distance
b) Mahalanobis distance c) Cosine similarity d) Euclidean distance
16) Which algorithm is commonly used for image segmentation? a) K-means clustering b) Haar
classifier c) Hough transform d) Random Forests
16) The term "False Positive" in object detection refers to: a) A true object not being detected b) An
object being incorrectly classified as the wrong class
c) An object being detected when it is not present d) An object being segmented incorrectly
a) Canny edge detector b) Harris corner detector c) EAST (Efficient and Accurate Scene Text)
algorithm d) Sobel operator
18) Which dataset contains images with pixel-level semantic segmentation annotations? a)
ImageNet b) COCO c) Cityscapes d) SUN Dataset
Answer: c) Cityscapes
19) Which technique is used for image denoising? a) Median filtering b) Laplacian of Gaussian (LoG)
c) Sobel operator d) Canny edge detection
==================================================================================
20) Which metric is used to measure the performance of image classification algorithms?
Answer: c) Accuracy
21) The "Knowledge Cutoff" refers to: a) The date until which the AI model has been trained b) The
number of training iterations performed during model training
c) The cutoff value used for thresholding in edge detection d) The amount of memory allocated for
the AI model
Answer: a) The date until which the AI model has been trained
22) Which algorithm is commonly used for line detection in images? a) Canny edge detector b)
Hough transform c) Harris corner detector d) Sobel operator
23) Which technique is used for image resizing while maintaining the aspect ratio? a) Nearest
Neighbor interpolation b) Bilinear interpolation
24) Which technique is used to handle occlusion in object detection? a) Non-Maximum Suppression
(NMS) b) Region of Interest (ROI) pooling
25) The ImageNet dataset consists of images labeled into how many different categories? a) 1,000 b)
10,000 c) 100,000 d) 1,000,000
Answer: a) 1,000
26) Which technique is used to evaluate the performance of semantic segmentation algorithms? a)
Intersection over Union (IoU) b) Mean Squared Error (MSE) c) Precision d) F1 score
27) Which technique is commonly used for image registration in computer vision? a) Harris corner
detection b) Optical Flow c) SIFT (Scale-Invariant Feature Transform) d) Harris-Laplace detector
28) Which technique is used to generate image descriptors for feature matching? a) Histogram of
Oriented Gradients (HOG) b) Local Binary Patterns (LBP)
Unit === 08
2. Which camera model assumes that light rays pass through a small aperture (pinhole)?
c) Spherical projection
d) Omnidirectional projection
6. Which camera model is often used for cameras with a wide field of view?
7. Which OpenCV function is used for finding corners in a chessboard calibration pattern?
a) cv2.findContours()
b) cv2.findChessboardCorners()
c) cv2.findEdges()
d) cv2.findFeatures()
Answer: b) cv2.findChessboardCorners()
10. Which camera model is commonly used in computer graphics and architectural plans?
d) Watts per square meter per square meter per wavelength (W/m²·m²·nm)
a) Perspective projection
b) Orthographic projection
c) Spherical projection
d) Omnidirectional projection
13. Which camera model is commonly used for fisheye or catadioptric cameras?
15. Which projection preserves the relative size of objects at different depths?
a) Perspective projection
b) Orthographic projection
c) Spherical projection
d) Omnidirectional projection
17. Which camera model is commonly used for 3D reconstruction and augmented reality?
a) cv2.detectCorners()
b) cv2.calibrateCamera()
c) cv2.findContours()
d) cv2.calibrate()
Answer: b) cv2.calibrateCamera()
20. Which projection preserves the relative size of objects at different depths?
a) Perspective projection
b) Orthographic projection
c) Spherical projection
d) Omnidirectional projection
d) Focal length
22. Which camera model assumes parallel projection rays and lacks depth cues?
24. Which projection model is used for capturing a 360-degree view of the scene?
a) Perspective projection
d) Omnidirectional projection
d) Watts per square meter per square meter per wavelength (W/m²·m²·nm)
a) Perspective projection
b) Orthographic projection
c) Spherical projection
d) Omnidirectional projection
d) Focal length
Unit === 09
1. Which field deals with the extraction and analysis of useful information from digital images or
videos?
a) Computer graphics
b) Image processing
c) Computer vision
d) Pattern recognition
2. Which technique is used to reduce noise, enhance details, and normalize image intensities?
a) Image segmentation
b) Image filtering
c) Edge detection
d) Feature extraction
3. Which technique is used to detect abrupt changes in pixel intensity and highlight object
boundaries?
a) Image segmentation
b) Image filtering
c) Edge detection
d) Feature extraction
Answer: c) Edge detection
4. Which technique is used to group pixels with similar characteristics together based on intensity or
color?
a) Image segmentation
b) Image filtering
c) Edge detection
d) Feature extraction
a) Image segmentation
b) Image filtering
c) Edge detection
d) Feature extraction
6. Which technique is commonly used for object detection, using pre-trained models and feature
extraction?
a) Haar cascades
b) HOG features
c) Template matching
d) Active contours
7. Which technique is commonly used for image classification, using convolutional neural networks
(CNNs)?
a) Haar cascades
b) HOG features
c) Template matching
d) CNNs
Answer: d) CNNs
8. Which technique is used to estimate the depth or distance of objects in a scene based on focus
variations in images?
a) Stereo vision
d) Photometric stereo
9. Which technique estimates the surface normals and 3D structure of objects based on lighting
variations in images?
a) Stereo vision
d) Photometric stereo
11. Which technique is used to extract distinctive features and establish correspondences between
images?
a) Camera calibration
b) Feature extraction
c) Feature matching
d) Image segmentation
Answer: c) Feature matching
12. Which technique estimates the 3D structure of a scene by analyzing the correspondences
between multiple images?
a) Stereo vision
d) Photometric stereo
13. Which technique involves computing disparities and using triangulation to estimate the 3D
positions of scene points?
a) Stereo vision
d) Photometric stereo
14. Which technique is used to generate a dense 3D model by using information from multiple
viewpoints?
a) Stereo vision
c) Multi-View Stereo
15. Which technique is used to estimate the 3D structure and camera motion simultaneously from a
sequence of images?
a) Stereo vision
c) Multi-View Stereo
16. Which technique is used to estimate the 3D structure and camera motion simultaneously from a
sequence of images?
a) Stereo vision
c) Multi-View Stereo
17. Which technique estimates the 3D shape of an object based on the variations in brightness or
shading in its 2D image?
18. Which technique estimates the 3D shape of an object based on the variations in texture or
appearance in its 2D image?
19. Which technique estimates the 3D shape of an object based on the variations in focus across
multiple images?
20. Which technique is used to estimate the depth of objects in a scene based on the analysis of
images captured from multiple viewpoints?
a) Stereo vision
c) Multi-View Stereo
21. Which technique is commonly used for tracking objects or analyzing object motion in videos?
a) Image segmentation
b) Object detection
c) Object tracking
d) Feature extraction
22. Which technique is used for recognizing and verifying individuals based on their unique facial
features?
a) Image segmentation
b) Object detection
c) Facial recognition
d) Feature extraction
23. Which technique estimates the 3D structure of a scene by fusing information from multiple
viewpoints?
a) Image segmentation
b) Object tracking
c) Semantic segmentation
d) Multi-View Stereo
a) Image segmentation
b) Object tracking
d) Semantic segmentation
25. Which technique is used to assign depth values to each pixel in an image based on the disparity
between stereo image pairs?
26. Which technique is used to estimate the 3D structure of a scene by analyzing variations in focus
across multiple images?
27. Which technique is used to estimate the 3D structure of a scene by analyzing variations in
a) Stereo vision
d) Photometric stereo
29. Which technique estimates the surface normals and 3D structure of objects based on lighting
variations in images?
a) Stereo vision
d) Photometric stereo
==================================================================================
Unit === 10
a) Image acquisition
b) Image enhancement
c) Image segmentation
d) Image compression
Answer : a) Image acquisition
a) Edge detection
b) Thresholding
c) Blurring
d) Histogram equalization
Answer : c) Blurring
a) Image denoising
b) Image segmentation
d) Edge detection
a) Gaussian filtering
b) Median filtering
c) Sobel operator
a) Image restoration
b) Feature extraction
c) Image compression
d) Image registration
7. Which compression method is lossless and commonly used for text-based images?
a) JPEG
b) PNG
c) GIF
d) TIFF
a) Noise reduction
b) Image enhancement
d) Image segmentation
a) Tikhonov regularization
c) L1-Regularization (Lasso)
d) Bayesian approaches
a) Tikhonov regularization
b) Non-local regularization
d) L1-Regularization (Lasso)
11. The Canny edge detection algorithm involves which of the following steps?
a) Gaussian noise
c) Poisson noise
d) Speckle noise
13. Which noise model represents the random variation observed in low-light conditions?
a) Gaussian noise
c) Poisson noise
d) Speckle noise
14. Which noise model is best suited for simulating imaging systems' noise?
a) Gaussian noise
c) Poisson noise
d) Speckle noise
15. Which method can be used to remove salt and pepper noise from an image?
a) Median filtering
b) Gaussian filtering
c) Sobel operator
16. Which algorithm is used for adaptive filtering and noise reduction?
c) L1-Regularization (Lasso)
d) Bayesian regularization
17. Which method is used to enhance image details and adjust local contrast?
a) Histogram equalization
b) Fourier transform
c) Morphological operations
d) Non-maximum suppression
18. Which technique is used to divide an image into regions based on color or intensity similarities?
a) Edge detection
b) Thresholding
c) Segmentation
d) Feature extraction
19. Which technique is used to extract relevant features such as edges, corners, or textures from an
image?
a) Image restoration
b) Image compression
c) Feature extraction
d) Image registration
20. Which technique can be used to compress an image by reducing redundancy and eliminating
irrelevant details?
a) Image enhancement
b) Image registration
c) Image compression
d) Image segmentation
21. Which type of noise is common in medical imaging due to low radiation levels?
a) Gaussian noise
c) Poisson noise
d) Speckle noise
22. Which method is used to reduce noise and preserve edges in an image simultaneously?
a) Median filtering
b) Gaussian filtering
c) Laplacian operator
23. Which regularization technique promotes sparsity and piecewise constant solutions?
a) Tikhonov regularization
c) L1-Regularization (Lasso)
d) Bayesian approaches
a) Sobel operators
b) Fourier transform
c) Laplacian operator
d) Median filtering
25. Which technique is used to identify and connect weak edges to strong edges to form complete
edges?
a) Non-maximum suppression
b) Thresholding
c) Region-growing
d) Contour extraction
26. Which technique is used to encourage similar patches or structures to have similar pixel values?
a) Gaussian smoothing
b) Histogram equalization
c) Non-local regularization
d) Fourier transform
27. Which regularization technique balances data fidelity and regularization constraints using a
regularization parameter?
a) Tikhonov regularization
c) L1-Regularization (Lasso)
d) Bayesian approaches
a) Histogram equalization
b) Fourier transform
c) Morphological operations
d) Non-maximum suppression
29. Which compression method is lossy and commonly used for natural images?
a) JPEG
b) PNG
c) GIF
d) TIFF
30. Which technique is used to enhance image contrast by stretching the pixel values to cover the
full dynamic range?
a) Histogram equalization
b) Gaussian filtering
c) Sobel operator
==================================================================================
Unit No 11
a) Gaussian filter
b) Median filter
c) Laplacian filter
d) Fourier filter
3. Which feature extraction technique is commonly used for matching keypoints between images?
b) Histogram Equalization
d) Gaussian Blurring
6. What type of neural networks are commonly used for image classification tasks?
11. Which type of compression is used to reduce image file size with minimal loss of quality?
a) Lossless compression
b) Lossy compression
c) JPEG compression
d) PNG compression
12. Which of the following is a popular deep learning framework for computer vision tasks?
a) OpenCV
b) TensorFlow
c) NumPy
d) Scikit-learn
c) Image segmentation
d) Image classification
a) Autonomous vehicles
d) Augmented reality
20. In image registration, what type of transformation is applied to align two images?
a) Rigid transformation
b) Non-linear transformation
c) Scaling transformation
d) Shearing transformation
22. Which type of compression is used for storing medical images with precise data preservation?
a) Lossless compression
b) Lossy compression
c) JPEG compression
d) PNG compression
b) Histogram Equalization
d) Gaussian Blurring
27. What type of neural networks are commonly used for image classification tasks?
28. Which type of image filtering technique is useful for reducing noise in an image?
a) Gaussian filter
b) Median filter
c) Sobel filter
d) Laplacian filter
==================================================================================
- ✅ Correct Answer: A.
- A. Skeletonization.
- B. Shape Descriptors.
- C. Contour Hierarchies.
- D. Curvature Histograms.
- ✅ Correct Answer: D.
- A. Point Coordinates.
- B. Binary Mask.
- C. Chain Codes.
- D. Curvature Information.
- ✅ Correct Answer: C.
- A. Region-based segmentation.
- B. Contour approximation.
- C. Skeletonization.
- D. Shape matching.
- ✅ Correct Answer: B.
- ✅ Correct Answer: A.
- A. 1D.
- B. 2D.
- C. 3D.
- ✅ Correct Answer: D.
- B. Image segmentation.
- ✅ Correct Answer: D.
8. **Question:** What does the external energy term in active contours depend on?
- ✅ Correct Answer: B.
- A. OpenCV.
- B. scikit-image.
- C. NumPy.
- D. TensorFlow.
- ✅ Correct Answer: B.
- A. Edge detection.
- B. Clustering.
- D. Graph-based optimization.
- ✅ Correct Answer: B.
- A. Edge detection.
- B. Object recognition.
- C. Image smoothing.
- D. Image segmentation.
- ✅ Correct Answer: D.
12. **Question:** Which shape representation method encodes the relative positions of
neighboring contour points?
- A. Point Coordinates.
- B. Binary Mask.
- C. Chain Codes.
- D. Curvature Information.
- ✅ Correct Answer: C.
13. **Question:** Which technique groups pixels into compact, perceptually meaningful regions
while preserving object boundaries?
- A. Mean-Shift Segmentation.
- B. Region Growing.
- C. Superpixel Segmentation.
- D. Watershed Segmentation.
- ✅ Correct Answer: C.
14. **Question:** Which type of segmentation algorithm treats pixel intensities as a topographic
relief?
- A. Mean-Shift Segmentation.
- B. Region Growing.
- C. Superpixel Segmentation.
- D. Watershed Segmentation.
- ✅ Correct Answer: D.
- A. Mean-Shift Segmentation.
- B. Region Growing.
- C. Superpixel Segmentation.
- D. Watershed Segmentation.
- ✅ Correct Answer: D.
16. **Question:** Which representation method captures the overall shape of objects using a
sequence of connected boundary points?
- A. Contour-based Representation.
- B. Region-based Representation.
- C. Skeletonization.
- D. Shape Descriptors.
- ✅ Correct Answer: A.
17. **Question:** Which shape representation method includes numerical descriptors such as area,
perimeter, and moments?
- A. Contour-based Representation.
- B. Region-based Representation.
- C. Skeletonization.
- D. Shape Descriptors.
- ✅ Correct Answer: D.
18. **Question:** In contour-based shape representation, which technique reduces the number of
points while preserving essential shape characteristics?
- A. Contour Extraction.
- B. Contour Approximation.
- C. Contour Representation.
- D. Contour Hierarchies.
- ✅ Correct Answer: B.
- A. Binary Mask.
- B. Chain Codes.
- C. Region Growing.
- D. Watershed Segmentation.
- ✅ Correct Answer: D.
20. **Question:** Deformable curves (active contours) are not suitable for:
- A. Image segmentation.
- B. Object tracking.
- C. Image filtering.
- D. Shape modeling.
- ✅ Correct Answer: C.
21. **Question:** The external energy in deformable curves is based on which image
characteristics?
- A. Color distribution.
- B. Texture analysis.
- A. Image morphing.
- B. Image smoothing.
- C. Object tracking.
- D. Image sharpening.
- ✅ Correct Answer: C.
- A. Superpixels.
- B. Skeletonization.
- C. Active Contours.
- D. Chain Codes.
- ✅ Correct Answer: C.
- ✅ Correct Answer: A.
- A. OpenCV.
- B. NumPy.
- C. scikit-image.
- D. TensorFlow.
- ✅ Correct Answer: C.
26. **Question:** What does the Watershed segmentation algorithm use to separate regions in an
image?
- A. Graph Cuts.
- B. Clustering.
- C. Watershed lines.
- D. Gradient information.
- ✅ Correct Answer: D.
- D. At random locations.
- ✅ Correct Answer: B.
- ✅ Correct Answer: B.
29. **Question:** Which method combines graph cuts with deformable surfaces for efficient shape
modeling?
- A. Mean-Shift Segmentation.
- B. Watershed Segmentation.
- D. Superpixel Segmentation.
- ✅ Correct Answer: C.
30. **Question:** Which region-based representation method involves grouping pixels with similar
color or intensity values into regions?
- A. Binary Mask.
- B. Chain Codes.
- C. Region Growing.
- D. Watershed Segmentation.
- ✅ Correct Answer: C.
- A. Image compression.
- B. Object detection.
- D. Image enhancement.
- ✅ Correct Answer: C.
- ✅ Correct Answer: B.
- ✅ Correct Answer: C.
- ✅ Correct Answer: B.
5. **Question:** Level Set methods evolve a higher-dimensional function over time to capture:
- ✅ Correct Answer: B.
- ✅ Correct Answer: B.
- ✅ Correct Answer: C.
8. **Question:** In Multi-Resolution Analysis, an image pyramid consists of:
- ✅ Correct Answer: C.
- A. Image compression.
- B. Image smoothing.
- C. Image registration.
- D. Object segmentation.
- ✅ Correct Answer: D.
- ✅ Correct Answer: A.
- A. Color distribution.
- D. Fourier coefficients.
- ✅ Correct Answer: C.
- A. Fourier Descriptors.
- B. Skeletonization.
- D. Medial Representations.
- ✅ Correct Answer: C.
13. **Question:** In Fourier Descriptors, the first coefficient (DC component) represents:
- ✅ Correct Answer: D.
- ✅ Correct Answer: B.
- ✅ Correct Answer: D.
17. **Question:** Fourier Descriptors are based on the idea of representing an object's shape using:
- A. Pixel intensities.
- B. Histograms.
- C. Frequency components.
- D. Chain codes.
- ✅ Correct Answer: C.
- A. Image resolution.
- B. Image contrast.
- C. Shape complexity.
- D. Color variations.
- ✅ Correct Answer: C.
- B. Fourier Descriptors.
- C. Medial Representations.
- D. Multi-Resolution Analysis.
- ✅ Correct Answer: D.
- A. Image sharpening.
- B. Texture classification.
- ✅ Correct Answer: C.
21. **Question:** Fourier Descriptors are used for shape analysis because they are:
- ✅ Correct Answer: C.
- ✅ Correct Answer: C.
23. **Question:** Which technique involves wavelet transforms to analyze images at different
scales?
- B. Fourier Descriptors.
- C. Medial Representations.
- D. Multi-Resolution Analysis.
- ✅ Correct Answer: D.
- A. Object shape.
- B. Object color.
- C. Image contrast.
- D. Image noise.
- ✅ Correct Answer: A.
- ✅ Correct Answer: C.
- ✅ Correct Answer: C.
- ✅ Correct Answer: D.
- ✅ Correct Answer: D.
- A. Object rotation.
- B. Image color.
- C. Object translation.
- D. Image noise.
- ✅ Correct Answer: A.
- A. Image compression.
- ✅ Correct Answer: C.
==================================================================================
======================================
2. **Question:** What is the main difference between object detection and object recognition?
- C) Object detection localizes objects, while object recognition only identifies them.
✅**Answer:** C) Object detection localizes objects, while object recognition only identifies them.
3. **Question:** Which technique captures the geometric structure and spatial layout of a face in
three-dimensional space?
- A) Appearance models.
- C) 3D Shape Models.
- D) Eigenfaces.
5. **Question:** Which application involves identifying individuals by matching their unique facial
features?
- A) Object recognition.
- B) Face detection.
- D) Face recognition.
- A) Appearance model.
- B) 3D Shape model.
- D) Eigenface model.
9. **Question:** Which computer vision task is useful for analyzing crowd density, flow, and
congestion in public areas?
- A) Facial recognition.
- B) Object detection.
- C) Intrusion detection.
- D) Crowd management.
10. **Question:** Which technology identifies individuals based on their unique facial features?
- A) Object recognition.
- B) Object detection.
- C) Image segmentation.
- D) Face recognition.
✅**Answer:** D) Face recognition.
11. **Question:** What does YOLO stand for in the context of object detection?
12. **Question:** Which model is used for 3D face reconstruction and analysis?
- A) Eigenfaces.
- D) YOLOv3.
- A) Object recognition.
- C) 3D face reconstruction.
15. **Question:** Which method combines both appearance and 3D shape information for more
accurate face analysis?
16. **Question:** What is the primary application of a 3D shape model in virtual reality?
- A) Facial recognition.
- C) Object detection.
17. **Question:** Which model captures the most significant variations in a set of face images and
is used for dimensionality reduction?
- C) Eigenfaces.
- D) YOLOv3.
✅**Answer:** C) Eigenfaces.
18. **Question:** Which method is used for tracking crowd density and flow in public areas?
- A) Object detection.
- B) Facial recognition.
- C) Eigenfaces.
19. **Question:** What is the primary advantage of combining appearance and 3D shape models in
computer vision?
20. **Question:** What is the primary purpose of an Active Appearance Model (AAM)?
- A) Object recognition.
21. **Question:** Which technique is used for identifying individuals based on their facial features?
- A) Image segmentation.
- B) Object recognition.
- C) Facial recognition.
- D) Crowd management.
- B) YOLOv3.
23. **Question:** In surveillance, which method is commonly used for identifying unauthorized
access?
- A) Object recognition.
- B) Object detection.
- C) Facial recognition.
25. **Question:** Which model captures both appearance and 3D shape information for facial
analysis?
- B) Eigenfaces.
- C) Object detection model.
26. **Question:** Which model is used to represent faces as linear combinations of shape and
texture basis vectors?
- C) Eigenfaces.
- D) YOLOv3.
28. **Question:** Which approach involves identifying and verifying individuals based on their
unique facial features?
- A) Object detection.
- B) Object recognition.
- C) Facial recognition.
- D) Image segmentation.
- B) YOLOv3.
- C) Eigenfaces.
✅**Answer:** C) Eigenfaces.
30. **Question:** What is the primary purpose of combining appearance and 3D shape information
in facial analysis?
==================================================================================
✅**Answer: c**
a) Object detection
b) Object recognition
c) Object tracking
d) Object segmentation
✅**Answer: c**
3. Which technique is commonly used to predict an object's future position based on its past
motion?
a) Graph cut
b) Kalman filter
c) K-Means clustering
✅**Answer: b**
**✅Answer: d**
a) Template matching
b) Feature extraction
d) Optical flow
**✅Answer: c**
6. Which technique can be used to combine information from multiple camera views?
a) Stereo vision
b) Image segmentation
d) Multi-camera fusion
**✅Answer: d**
**✅Answer: b**
**✅Answer: b**
9. Which algorithm helps establish correspondences between points in different camera views?
a) Depth-first search
b) Graph cut
c) Feature matching
d) Image segmentation
**✅Answer: c**
10. What is the primary advantage of combining views from multiple cameras in object tracking?
**✅Answer: c**
11. Which computer vision application can benefit from multi-camera fusion to estimate object flow
patterns in crowded areas?
b) Facial recognition
c) Gesture recognition
**✅Answer: d**
12. What is the primary advantage of using multiple camera views for augmented reality
applications?
**✅Answer: c**
c) Image classification
**✅Answer: d**
14. Which technique measures the similarity between two sets of points by computing the sum of
distances between corresponding points?
a) Chamfer matching
b) Template matching
c) Image convolution
d) Histogram equalization
**✅Answer: a**
15. What is the main advantage of using Chamfer matching for shape recognition?
c) It is computationally efficient
**✅Answer: b**
16. Chamfer matching is primarily used for which type of image analysis?
a) Edge detection
b) Object segmentation
c) Image filtering
d) Color correction
**✅Answer: b**
17. Which technique is commonly used to calculate the Chamfer distance between points?
a) Euclidean distance
b) Hamming distance
c) Correlation coefficient
d) Histogram intersection
**✅Answer: a**
18. What is the main challenge when tracking objects undergoing occlusion?
**✅Answer: c**
19. Which tracking technique is suitable for handling occlusion by maintaining multiple hypotheses
about an object's state?
a) Kalman filter
b) Particle filter
c) Template matching
d) Histogram backprojection
**✅Answer: b**
20. How does occlusion affect the performance of traditional tracking algorithms?
**✅Answer: c**
21. What is the main advantage of using deep learning-based tracking algorithms for occluded
objects?
**✅Answer: c**
**✅Answer: c**
23. What is the primary goal of combining views from multiple cameras?
**✅Answer: c**
24. Which technique can be used to align camera views in a multi-camera setup?
a) Image cropping
b) Camera calibration
c) Image compression
d) Histogram equalization
**✅Answer: b**
**✅Answer: b**
26. Which technique is used to fuse tracking information from different camera views to refine
tracking accuracy?
a) Histogram equalization
b) Graph cut
c) Bundle adjustment
**✅Answer: c**
27. What is the primary advantage of using multi-camera fusion in augmented reality applications?
**✅Answer: c**
29. Which computer vision application can benefit from multi-camera fusion to estimate crowd
density in public spaces?
b) Facial recognition
c) Gesture recognition
**✅Answer: d**
30. In multi-camera setups, what is the purpose of undistorting and rectifying images from each
camera?
**✅Answer: c**