Site icon T4Tutorials.com

Face Detection & Recognition — MCQs | Digital Image Processing

1. Which technique is commonly used for detecting human faces in images?

(A) Histogram Equalization


(B) Viola-Jones Algorithm


(C) Canny Edge Detection


(D) Fourier Transform



2. What is the primary role of Haar-like features in face detection?

(A) Compressing face data


(B) Representing face regions using simple patterns


(C) Enhancing face texture


(D) Reducing image noise



3. Which classifier is used in the Viola-Jones face detection framework?

(A) Naive Bayes


(B) AdaBoost


(C) SVM


(D) K-Means



4. Which of the following methods is based on projecting facial images onto a lower-dimensional space?

(A) DeepFace


(B) Eigenfaces


(C) LBP


(D) Gabor Filters



5. In PCA-based face recognition, what does each eigenface represent?

(A) A unique person


(B) An average face


(C) A feature vector


(D) A principal component of facial variation



6. What does LBP stand for in face recognition?

(A) Local Binary Pattern


(B) Linear Binary Projection


(C) Low Bandwidth Protocol


(D) Light Based Pattern



7. Which deep learning model was developed by Facebook for face recognition?

(A) FaceNet


(B) DeepID


(C) DeepFace


(D) OpenFace



8. Which distance metric is commonly used in face recognition to compare feature vectors?

(A) Euclidean Distance


(B) Manhattan Distance


(C) Mahalanobis Distance


(D) Hamming Distance



9. Which of the following is not a face recognition technique?

(A) LBP


(B) HOG


(C) K-means


(D) Eigenfaces



10. Which of these best describes the term “face embedding”?

(A) A filter used in preprocessing


(B) A set of pixel intensities


(C) A numerical vector representing a face


(D) A data compression technique



11. Which algorithm uses cascades of classifiers for face detection?

(A) CNN


(B) Viola-Jones


(C) PCA


(D) LDA



12. What is the key advantage of using CNNs in face recognition tasks?

(A) Faster computation


(B) Feature extraction from raw images


(C) Less training data required


(D) No need for labeled data



13. Which of the following techniques is most robust against variations in lighting for face recognition?

(A) Histogram Equalization


(B) PCA


(C) LBP


(D) Fourier Transform



14. In Deep Learning, which architecture is commonly used for facial recognition tasks?

(A) RNN


(B) LSTM


(C) CNN


(D) GAN



15. What is the function of a feature extractor in a face recognition system?

(A) Detect motion


(B) Compress image


(C) Identify facial landmarks


(D) Generate face descriptors



16. Which of the following is a standard benchmark dataset for evaluating face recognition algorithms?

(A) MNIST


(B) COCO


(C) LFW


(D) ImageNet



17. What is the full form of LFW?

(A) Local Face Window


(B) Labeled Faces in the Wild


(C) Large Face Width


(D) Low-Frequency Wavelet



18. In face detection, what does the term “sliding window” refer to?

(A) A UI component


(B) A method for thresholding


(C) A region scanned over the image to detect faces


(D) A smoothing filter



19. What is the purpose of face alignment in recognition systems?

(A) Resize images


(B) Enhance brightness


(C) Normalize facial landmarks


(D) Convert to grayscale



20. Which algorithm transforms face images into a lower-dimensional space using class labels?

(A) PCA


(B) LDA


(C) KNN


(D) HOG



21. Which feature descriptor divides the image into small cells and calculates the gradient histogram?

(A) Haar


(B) LBP


(C) HOG


(D) SIFT



22. Which of the following can be used for real-time face detection?

(A) Viola-Jones


(B) PCA


(C) HOG


(D) DeepFace



23. What is the role of non-max suppression in face detection?

(A) Enhance image edges


(B) Detect multiple face classes


(C) Eliminate redundant overlapping bounding boxes


(D) Normalize pixel values



24. Which deep learning model maps face images to a compact Euclidean space?

(A) VGGFace


(B) Eigenfaces


(C) FaceNet


(D) HOG



25. Which preprocessing step is essential for improving face recognition accuracy?

(A) Rotation


(B) Face alignment


(C) Binarization


(D) Upsampling



26. Which method converts an image into a binary pattern to describe its texture?

(A) LBP


(B) HOG


(C) PCA


(D) CNN



27. Which system uses 128-dimensional face embeddings for recognition?

(A) Eigenfaces


(B) HOG


(C) FaceNet


(D) LBP



28. What is the main limitation of traditional face recognition techniques?

(A) High computational cost


(B) Sensitivity to lighting, pose, and occlusion


(C) Inability to train


(D) Low memory usage



29. Which method relies on convolutional layers to extract hierarchical features from face images?

(A) PCA


(B) CNN


(C) KNN


(D) Gabor Filters



30. Which technique enhances the speed of detection in Viola-Jones algorithm?

(A) Integral Image


(B) Gradient Descent


(C) Convolution


(D) Fourier Transform



31. In which phase is a classifier trained on positive and negative samples in face detection?

(A) Preprocessing


(B) Training


(C) Feature extraction


(D) Testing



32. What is the goal of face verification?

(A) Detect face in image


(B) Match a face against a known identity


(C) Classify face emotions


(D) Cluster face images



33. What is the function of the softmax layer in a face recognition CNN?

(A) Normalize the input image


(B) Extract features


(C) Output class probabilities


(D) Detect edges



34. Which term refers to identifying a person in a group of faces?

(A) Face detection


(B) Face clustering


(C) Face recognition


(D) Face verification



35. What is the role of data augmentation in face recognition?

(A) Compress images


(B) Add noise to training data


(C) Improve generalization by increasing diversity


(D) Reduce training time



36. Which face descriptor technique is rotation invariant?

(A) Haar


(B) HOG


(C) LBP


(D) PCA



37. Which one is a face anti-spoofing technique?

(A) Viola-Jones


(B) Depth analysis


(C) HOG


(D) Eigenfaces



38. Which step helps reduce the dimensionality of face data?

(A) LDA


(B) FaceNet


(C) CNN


(D) Softmax



39. Which of the following techniques is least affected by partial occlusion?

(A) PCA


(B) CNN-based methods


(C) Eigenfaces


(D) LBP



40. Which face recognition method is more interpretable and computationally simpler?

(A) LBP


(B) CNN


(C) DeepFace


(D) FaceNet



41. What is the main disadvantage of Eigenface method?

(A) High training time


(B) Sensitive to illumination and pose


(C) Complex architecture


(D) No feature reduction



42. Which component in CNN learns to detect features like eyes, nose, and mouth?

(A) Activation layer


(B) Convolutional layer


(C) Fully connected layer


(D) Pooling layer



43. Which loss function is used in FaceNet to improve discrimination between faces?

(A) Binary Crossentropy


(B) Triplet Loss


(C) Hinge Loss


(D) MSE Loss



44. Which software library provides face recognition using dlib and face_recognition API?

(A) OpenCV


(B) TensorFlow


(C) Dlib


(D) face_recognition



45. Which system identifies a person across multiple surveillance cameras?

(A) Face detection


(B) Face clustering


(C) Face verification


(D) Face re-identification



46. Which process assigns identities to unknown face data?

(A) Clustering


(B) Verification


(C) Classification


(D) Detection



47. Which type of facial recognition method uses unlabeled data?

(A) Supervised learning


(B) Semi-supervised learning


(C) Unsupervised learning


(D) Reinforcement learning



48. Which factor significantly influences face recognition performance in real-world applications?

(A) Dataset size


(B) Image resolution


(C) Environmental conditions


(D) Frame rate



49. Which layer in CNN helps reduce spatial dimensions of feature maps?

(A) Convolution


(B) Dropout


(C) Pooling


(D) Dense



50. Which CNN-based model is widely used in mobile devices for efficient face recognition?

(A) VGG


(B) ResNet


(C) MobileNet


(D) AlexNet



More MCQs on Digital image Processing

  1. Introduction to DIP — MCQs | Digital Image Processing

  2. Human Visual System (HVS) — MCQs | Digital Image Processing

  3. Image Acquisition Devices — MCQs | Digital Image Processing

  4. Image Sampling & Quantization — MCQs | Digital Image Processing

  5. Image Resolution & Bit Depth — MCQs | Digital Image Processing

  6. Basic Image Operations (Negative, Log, Power-law) — MCQs | Digital Image Processing

  7. Histogram Equalization & Specification — MCQs | Digital Image Processing

  8. Contrast Stretching — MCQs | Digital Image Processing

  9. Image Arithmetic (Add, Subtract, Multiply, Divide) — MCQs | Digital Image Processing

  10. Bit-plane Slicing — MCQs | Digital Image Processing

  11. Smoothing Filters (Mean, Gaussian, Median) — MCQs | Digital Image Processing

  12. Sharpening Filters (Laplacian, Gradient) — MCQs | Digital Image Processing

  13. High-Boost Filtering — MCQs | Digital Image Processing

  14. Edge Detection (Sobel, Prewitt, Roberts, Canny, LoG) — MCQs | Digital Image Processing

  15. Fourier Transform (DFT, FFT) — MCQs | Digital Image Processing

  16. Frequency Domain Filtering — MCQs | Digital Image Processing

  17. Low-pass & High-pass Filters — MCQs | Digital Image Processing

  18. Homomorphic Filtering — MCQs | Digital Image Processing

  19. Noise Models (Gaussian, Salt & Pepper, Speckle) — MCQs | Digital Image Processing

  20. Adaptive Filtering — MCQs | Digital Image Processing

  21. Inverse & Wiener Filtering — MCQs | Digital Image Processing

  22. Pseudo-color & True-color Processing — MCQs | Digital Image Processing

  23. Color Space Conversion (RGB ↔ HSV, HSI, YCbCr) — MCQs | Digital Image Processing

  24. Color Image Enhancement — MCQs | Digital Image Processing

  25. Image Segmentation (Thresholding, Otsu, K-means, Region Growing) — MCQs | Digital Image Processing

  26. Edge-based Segmentation — MCQs | Digital Image Processing

  27. Region Splitting and Merging — MCQs | Digital Image Processing

  28. Watershed Algorithm — MCQs | Digital Image Processing

  29. Morphological Operations (Erosion, Dilation, Opening, Closing) — MCQs | Digital Image Processing

  30. Boundary Extraction — MCQs | Digital Image Processing

  31. Skeletonization — MCQs | Digital Image Processing

  32. Connected Components Labeling — MCQs | Digital Image Processing

  33. Texture Analysis (GLCM, LBP, Gabor Filters) — MCQs | Digital Image Processing

  34. Shape Descriptors (Perimeter, Area, Compactness, Eccentricity) — MCQs | Digital Image Processing

  35. Statistical Features (Mean, Variance, Skewness) — MCQs | Digital Image Processing

  36. Principal Component Analysis (PCA) — MCQs | Digital Image Processing

  37. Linear Discriminant Analysis (LDA) — MCQs | Digital Image Processing

  38. Feature Matching (SIFT, SURF, ORB) — MCQs | Digital Image Processing

  39. Image Registration — MCQs | Digital Image Processing

  40. Image Stitching — MCQs | Digital Image Processing

  41. Motion Detection & Optical Flow — MCQs | Digital Image Processing

  42. Background Subtraction — MCQs | Digital Image Processing

  43. Object Detection & Tracking — MCQs | Digital Image Processing

  44. Template Matching — MCQs | Digital Image Processing

  45. Pattern Recognition (KNN, SVM, ANN) — MCQs | Digital Image Processing

  46. Image Classification — MCQs | Digital Image Processing

  47. Image Clustering — MCQs | Digital Image Processing

  48. Image Compression (RLE, Huffman, LZW, JPEG, JPEG2000) — MCQs | Digital Image Processing

  49. Video Compression (MPEG, H.264) — MCQs | Digital Image Processing

  50. Image Fusion (Pixel, Feature, Decision Level) — MCQs | Digital Image Processing

  51. Image Watermarking — MCQs | Digital Image Processing

  52. Steganography — MCQs | Digital Image Processing

  53. Face Detection & Recognition — MCQs | Digital Image Processing

  54. Gesture Recognition — MCQs | Digital Image Processing

  55. 3D Image Processing — MCQs | Digital Image Processing

  56. Stereo Vision & Depth Estimation — MCQs | Digital Image Processing

  57. Medical Image Analysis (CT, MRI, Ultrasound) — MCQs | Digital Image Processing

  58. Remote Sensing Image Processing — MCQs | Digital Image Processing

  59. Satellite Image Enhancement — MCQs | Digital Image Processing

  60. Deep Learning for Image Processing (CNN, GANs, Autoencoders) — MCQs | Digital Image Processing

  61. Image Captioning — MCQs | Digital Image Processing

  62. Semantic & Instance Segmentation (Mask R-CNN, U-Net) — MCQs | Digital Image Processing

  63. Super Resolution (SRCNN, ESRGAN) — MCQs | Digital Image Processing

  64. Image Inpainting — MCQs | Digital Image Processing

  65. Image Style Transfer — MCQs | Digital Image Processing

  66. Real-Time Image Processing — MCQs | Digital Image Processing

  67. Augmented Reality (AR) & Virtual Reality (VR) — MCQs | Digital Image Processing

  68. DIP using MATLAB/OpenCV/Python — MCQs | Digital Image Processing

  69. DIP in IoT & Embedded Systems — MCQs | Digital Image Processing

  70. Ethics & Privacy in Image Processing — MCQs | Digital Image Processing

Computer Science Repeated MCQs Book Download

Exit mobile version