SlideShare a Scribd company logo
1 of 4
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 474
Face Detection and Recognition Using OpenCV
Mrs. Madhuram.M1, B. Prithvi Kumar2, Lakshman Sridhar3, Nishanth Prem4, Venkatesh Prasad5
1Assistant Professor, Department of Computer Science, SRM Institute of Science and Technology, Ramapuram,
Chennai, India
2,3,4,5Department of Computer Science, SRM Institute of Science and Technology, Ramapuram, Chennai, India
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Face detection and recognition from an image ora
video is a popular topic in biometrics research. Face
recognition technology has widely attracted attention due to
its enormous application value and market potential, such as
real-time video surveillance system. It is widely acknowledged
that the face recognition has played an important role in
surveillance system as itdoesn’tneedtheobject’sco-operation.
We design a real-time face recognition system based on IP
camera and image set algorithm by way of OpenCV and
Python programming development. The systemincludesthree
parts: Detection module, training module and recognition
module.
Key Words: Face detection, Face Recognition, OpenCV.
1. INTRODUCTION
Face detection and recognition is technology which is
used to identify a person from a video or photo source. In the
1960s face recognition was introduced by Woodrow Wilson
Bledsoe. Bledsoe developed a device that could classify
photos of faces by hand usingwhat’sknownasaRANDtablet,
a device that people could usetoinputhorizontalandvertical
coordinates on a grid using a pen like stylus that emitted
electromagnetic pulses. Ever since then the recognition
system is being improved and optimized constantly, the
technology becomes gradually mature and is more and more
widely used in human daily life. It has been used increasingly
for forensics by law enforcement and military professionals.
In fact, facial recognition systemwasusedtohelpconfirmthe
identity of Osama bin Laden after he was killed in a U.S. raid.
The face recognition system is also beingincreasinglyusedin
the mobiles for device security. In this paper, we propose a
face detection and recognition system using python along
with OpenCV package. This system contains three modules
which are detection, training and recognition. Basically, the
detection module detects the face which gets into the field of
vision of the camera and saves the face in the form of an
image in JPG format. Then the training modules trains the
system using Haar cascade algorithmwhichwasproposedby
Paul Viola and Michael Jones in their paper. This method
consists of four steps-
1. Haar Feature Selection-
First step is to collect the Haar Features. A Haar feature
considers adjacent rectangular regions at a specific location
in a detection window, sums up the pixel intensities in each
region and calculates the difference between these sums.
2. Creating Integral Images-
Integral Imagesare usedtomakethisprocessfast.Mostof
the calculated features are irrelevant.
3. Adaboost Training-
A concept called Adaboost which both selects the best
features and trains the classifiers is used. This algorithm
constructs a strong classifier using a linear combination of
weighted simple weak classifiers.
4. Cascading Classifiers-
The cascade classifier consists of a number of stages,
where each stage is a group of weak learners. These weak
learners are simple classifiers called decision stumps. Each
stage is trained using a method called boosting. Boosting
provides the ability to train a highly accurate classifier by
taking the weighted average of decisions made by the weak
learners.
Finally, in the recognition module the principal
components of the face from the new video are extracted.
Then those features get compared with the list of elements
stored during training and the ones with the best match is
found and name of the person recognized is displayed. This
monitoring system fulfills the basic needs of face detection
and recognition system,alsotakesthecostintoconsideration
to ensure the pervasive mode as economical as possible.
Furthermore, it can also be combined with real-timeanalysis
algorithms.
2. EXISTING SYSTEMS
A. Linear Discriminate Analysis
LDA is a method to find a linear combination of features
which characterize or separate two or more classes of
objects or events. Linear classifier can be obtained from the
resultant. Large number of pixels are used to represent face
in computerized face recognition. Before classification
Linear discriminant analysis is used to reduce features and
makes it more manageable. New dimensions are a linear
combination of pixel values which forms a template.
B. Principal Component Analysis
PCA involves a mathematical procedure that transforms a
number of possibly correlated variables into a smaller
number of uncorrelated variablesPleasepurchasePDFSplit-
Merge on www.verypdf.com to remove this watermark. 5
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 475
called principal components. The variability in the data is
accounted by the first principal components and the
succeeding components accounts for further variability. For
exploratory data analysis and for making predictive models
PCA is the most used tool. The calculation of the eigen value
decomposition of a data covariance matrix or singular value
decomposition of a data matrix is done with the help of PCA.
Eigenvector-based multivariate analysis is made easy with
the help of PCA. The variance present in the data is best
explained by revealing the internal structure of the data
which is considered to be one of the important operations.If
a multivariate dataset is visualized as a set of coordinates in
a high-dimensional data space (one axis per variable, a
lower-dimensional picture is supplied by PCA,a "shadow" of
this object is visible when viewed from its (in some sense)
most informative viewpoint.
C. Hidden Markov Model
A hidden Markov model (HMM) is a statistical model thatcan
be used to describe the evolution of observable events that
depend on internal factors, which are not directly
observable. The observed event is called as a `symbol' and
the factor underlying the observation is a `state'.. Hidden
Markov models are especiallyknownfortheirapplicationsin
temporal pattern recognition such as speech, handwriting,
gesture recognition, part-of-speech tagging, partial
discharges and bioinformatics.
3. PROPOSED SYSTEM AND TECHNIQUE
The quality of image depends on plethora of factors that
influence the system’s accuracy. It is important to apply
various pre-processing techniques to standardize the
images that you supply to a face recognition system. Face
recognition algorithm usually find it difficult to recognize a
face under extreme light sensitive conditions. If the system
was trained to recognize a person when they are in a dark
room, then it is highly possible that it won’t recognize them
in a bright room. This problem is referred to as "lumination
dependent". There are many other issues, such as the face
should also be in a very consistent position within the
images like the eyes being in the same pixel coordinates,
consistent size, rotation angle, hair and makeup, emotion
like smiling, angry, etc. Hence it is important to use a good
image preprocessing filter. For simplicity, the face
recognition system presented in this paper is Eigenfaces
using grayscale images. This paper showsusthatitiseasyto
convert color images to grayscale (also called 'grayscale')
and then to apply Histogram Equalization. It is a very simple
method of automatically standardizing the brightness and
contrast of your facial images. For better results, applymore
processing stages such as edge enhancement, contour
detection, motion detection, etc. OpenCVusesa facedetector
algorithm called a Haar Cascade classifier. An image, can
come from a file or from live video, the face detector
examines each image location and classifies it as "Face" or
"Not Face." Classification assumes a fixed scale for the face.
Faces in an image can be smaller or larger, the classifier runs
over the image several times, to search for faces across a
range of images. The classification is fast, even when it's
applied at several scales.Thecodefortherecognitionsystem
is given below.
4. SAMPLE CODE
A. Training Set
def assure_path_exists(path):
dir = os.path.dirname(path)
if not os.path.exists(dir):
os.makedirs(dir)
recognizer = cv2.face.LBPHFaceRecognizer_create()
Detector=cv2.CascadeClassifier("haarcascade_frontalface_de
fault.xml");
def getImagesAndLabels(path):
imagePaths = [os.path.join(path,f) for f in os.listdir(path)]
faceSamples=[]
ids = []
for imagePath in imagePaths:
PIL_img = Image.open(imagePath).convert('L')
img_numpy = np.array(PIL_img,'uint8')
id = int(os.path.split(imagePath)[-1].split(".")[1])
faces = detector.detectMultiScale(img_numpy)
for (x,y,w,h) in faces:
faceSamples.append(img_numpy[y:y+h,x:x+w])
ids.append(id)
return faceSamples,ids
faces,ids = getImagesAndLabels('dataset')
recognizer.train(faces, np.array(ids))
assure_path_exists('trainer/')
recognizer.save('trainer/trainer.yml')
B. Face Datasets
def assure_path_exists(path):
dir = os.path.dirname(path)
if not os.path.exists(dir):
os.makedirs(dir)
vid_cam = cv2.VideoCapture(0)
face_detector =
cv2.CascadeClassifier('haarcascade_frontalface_default.xm
l')
face_id = 1
count = 0
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 476
assure_path_exists("dataset/")
while(True):
_, image_frame = vid_cam.read()
gray = cv2.cvtColor(image_frame, cv2.COLOR_BGR2GRAY)
faces = face_detector.detectMultiScale(gray, 1.3, 5)
for (x,y,w,h) in faces:
cv2.rectangle(image_frame, (x,y), (x+w,y+h), (255,0,0), 2)
count += 1
cv2.imwrite("dataset/User." + str(face_id) + str(count) +
".jpg", gray[y:y+h,x:x+w])
cv2.imshow('frame', image_frame)
if cv2.waitKey(100) & 0xFF == ord('q'):
break
elif count>100:
break
vid_cam.release()
cv2.destroyAllWindows()
C. Face Detection
def assure_path_exists(path):
dir = os.path.dirname(path)
if not os.path.exists(dir):
os.makedirs(dir)
recognizer = cv2.face.LBPHFaceRecognizer_create()
assure_path_exists("trainer/")
recognizer.read('trainer/trainer.yml')
cascadePath = "haarcascade_frontalface_default.xml"
faceCascade = cv2.CascadeClassifier(cascadePath);
font = cv2.FONT_HERSHEY_SIMPLEX
cam = cv2.VideoCapture(0)
while True:
ret, im =cam.read()
gray = cv2.cvtColor(im,cv2.COLOR_BGR2GRAY)
faces = faceCascade.detectMultiScale(gray, 1.2,5)
for(x,y,w,h) in faces:
cv2.rectangle(im, (x-20,y-20), (x+w+20,y+h+20),
(0,255,0), 4)
Id, confidence = recognizer.predict(gray[y:y+h,x:x+w])
if(Id == 1):
Id = "ARJUN {0:.2f}%".format(round(100 - confidence, 2))
cv2.rectangle(im, (x-22,y-90), (x+w+22, y-22), (0,255,0), -
1)
cv2.putText(im, str(Id), (x,y-40), font, 1, (255,255,255), 3)
cv2.imshow('im',im)
if cv2.waitKey(10) & 0xFF == ord('q'):
break
cam.release()
cv2.destroyAllWindows()
5. SYSTEM ARCHITECTURE
6. CONCLUSIONS
In this paper we have developed a system for face detection
and recognition using opencv. It is used to detect and
recognize human faces. The images of the persons are the
datasets which are defined and trained before recognizing.
Haar cascade algorithm is used for detection.
For better face recognition and detection small features can
be improved. In the coming future, as technology advances,
more advance features will be added to the system.
REFERENCES
[1] https://www.youtube.com/watch?list=PLQVvvaa0QuDf
KTOs3Keq_kaG2P55YRn5v&v=OGxgnH8y2NM
[2] https://opencv.org/
[3] https://docs.opencv.org/3.4/d7/d8b/tutorial_py_face_d
etection.html
[4] https://pythonprogramming.net/haar-cascade-object-
detection-python-opencv-tutorial/
[5] .Open Source Computer Vision Library Reference
Manual-intel [Media]
[6] Tej Pal Singh, “Face Recognition by using Feed Forward
Back Propagation Neural Network”, International
Journal of Innovative Research in Technology &Science,
vol.1, no.1
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072
© 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 477
[7] N.Revathy, T.Guhan, “Face recognition system using
back propagation artificial neural networks”,
International Journal of Advanced Engineering
Technology, vol.3, no. 1, 2012.
[8] M.A.Turk and A.P. Pentaland, “Face Recognition Using
Eigenfaces”, IEEE conf. on Computer Vision and Pattern
Recognition, pp. 586-591, 1991

More Related Content

What's hot

IRJET- Advance Driver Assistance System using Artificial Intelligence
IRJET- Advance Driver Assistance System using Artificial IntelligenceIRJET- Advance Driver Assistance System using Artificial Intelligence
IRJET- Advance Driver Assistance System using Artificial IntelligenceIRJET Journal
 
A deep learning facial expression recognition based scoring system for restau...
A deep learning facial expression recognition based scoring system for restau...A deep learning facial expression recognition based scoring system for restau...
A deep learning facial expression recognition based scoring system for restau...CloudTechnologies
 
Facial Expression Recognition
Facial Expression Recognition Facial Expression Recognition
Facial Expression Recognition Rupinder Saini
 
IRJET- Face Recognition of Criminals for Security using Principal Component A...
IRJET- Face Recognition of Criminals for Security using Principal Component A...IRJET- Face Recognition of Criminals for Security using Principal Component A...
IRJET- Face Recognition of Criminals for Security using Principal Component A...IRJET Journal
 
Facial expression recongnition Techniques, Database and Classifiers
Facial expression recongnition Techniques, Database and Classifiers Facial expression recongnition Techniques, Database and Classifiers
Facial expression recongnition Techniques, Database and Classifiers Rupinder Saini
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET Journal
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionDr. Amarjeet Singh
 
An interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’sAn interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’seSAT Publishing House
 
M phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projectsM phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projectsVijay Karan
 
IRJET- An Overview on Automated Emotion Recognition System
IRJET-  	  An Overview on Automated Emotion Recognition SystemIRJET-  	  An Overview on Automated Emotion Recognition System
IRJET- An Overview on Automated Emotion Recognition SystemIRJET Journal
 
Facial expression recognition
Facial expression recognitionFacial expression recognition
Facial expression recognitionElyesMiri
 
Automatic Emotion Recognition Using Facial Expression: A Review
Automatic Emotion Recognition Using Facial Expression: A ReviewAutomatic Emotion Recognition Using Facial Expression: A Review
Automatic Emotion Recognition Using Facial Expression: A ReviewIRJET Journal
 
Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.Takrim Ul Islam Laskar
 
Photograph Database management report
Photograph Database management reportPhotograph Database management report
Photograph Database management reportAmrit Ranjan
 
IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET Journal
 
Smart Doorbell System Based on Face Recognition
Smart Doorbell System Based on Face RecognitionSmart Doorbell System Based on Face Recognition
Smart Doorbell System Based on Face RecognitionIRJET Journal
 

What's hot (18)

IRJET- Advance Driver Assistance System using Artificial Intelligence
IRJET- Advance Driver Assistance System using Artificial IntelligenceIRJET- Advance Driver Assistance System using Artificial Intelligence
IRJET- Advance Driver Assistance System using Artificial Intelligence
 
A deep learning facial expression recognition based scoring system for restau...
A deep learning facial expression recognition based scoring system for restau...A deep learning facial expression recognition based scoring system for restau...
A deep learning facial expression recognition based scoring system for restau...
 
An optimal face recoginition tool
An optimal face recoginition toolAn optimal face recoginition tool
An optimal face recoginition tool
 
Facial Expression Recognition
Facial Expression Recognition Facial Expression Recognition
Facial Expression Recognition
 
IRJET- Face Recognition of Criminals for Security using Principal Component A...
IRJET- Face Recognition of Criminals for Security using Principal Component A...IRJET- Face Recognition of Criminals for Security using Principal Component A...
IRJET- Face Recognition of Criminals for Security using Principal Component A...
 
Facial expression recongnition Techniques, Database and Classifiers
Facial expression recongnition Techniques, Database and Classifiers Facial expression recongnition Techniques, Database and Classifiers
Facial expression recongnition Techniques, Database and Classifiers
 
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face RecognitionIRJET- Spot Me - A Smart Attendance System based on Face Recognition
IRJET- Spot Me - A Smart Attendance System based on Face Recognition
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern Recognition
 
An interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’sAn interactive image segmentation using multiple user input’s
An interactive image segmentation using multiple user input’s
 
M phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projectsM phil-computer-science-biometric-system-projects
M phil-computer-science-biometric-system-projects
 
Fingerprints recognition
Fingerprints recognitionFingerprints recognition
Fingerprints recognition
 
IRJET- An Overview on Automated Emotion Recognition System
IRJET-  	  An Overview on Automated Emotion Recognition SystemIRJET-  	  An Overview on Automated Emotion Recognition System
IRJET- An Overview on Automated Emotion Recognition System
 
Facial expression recognition
Facial expression recognitionFacial expression recognition
Facial expression recognition
 
Automatic Emotion Recognition Using Facial Expression: A Review
Automatic Emotion Recognition Using Facial Expression: A ReviewAutomatic Emotion Recognition Using Facial Expression: A Review
Automatic Emotion Recognition Using Facial Expression: A Review
 
Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.Facial emotion detection on babies' emotional face using Deep Learning.
Facial emotion detection on babies' emotional face using Deep Learning.
 
Photograph Database management report
Photograph Database management reportPhotograph Database management report
Photograph Database management report
 
IRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: SurveyIRJET- Smart Classroom Attendance System: Survey
IRJET- Smart Classroom Attendance System: Survey
 
Smart Doorbell System Based on Face Recognition
Smart Doorbell System Based on Face RecognitionSmart Doorbell System Based on Face Recognition
Smart Doorbell System Based on Face Recognition
 

Similar to IRJET- Face Detection and Recognition using OpenCV

IRJET- Computerized Attendance System using Face Recognition
IRJET- Computerized Attendance System using Face RecognitionIRJET- Computerized Attendance System using Face Recognition
IRJET- Computerized Attendance System using Face RecognitionIRJET Journal
 
A Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net AlgorithmA Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net AlgorithmIRJET Journal
 
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONMTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONIRJET Journal
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...IRJET Journal
 
Automatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face RecognitionAutomatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face RecognitionKathryn Patel
 
IRJET- Facial Expression Recognition using GPA Analysis
IRJET-  	  Facial Expression Recognition using GPA AnalysisIRJET-  	  Facial Expression Recognition using GPA Analysis
IRJET- Facial Expression Recognition using GPA AnalysisIRJET Journal
 
Attendance System using Facial Recognition
Attendance System using Facial RecognitionAttendance System using Facial Recognition
Attendance System using Facial RecognitionIRJET Journal
 
Emotion Detection Using Facial Expression Recognition to Assist the Visually ...
Emotion Detection Using Facial Expression Recognition to Assist the Visually ...Emotion Detection Using Facial Expression Recognition to Assist the Visually ...
Emotion Detection Using Facial Expression Recognition to Assist the Visually ...IRJET Journal
 
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET- Vehicle Seat Vacancy Identification using Image Processing TechniqueIRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET- Vehicle Seat Vacancy Identification using Image Processing TechniqueIRJET Journal
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning AlgorithmIRJET Journal
 
IRJET- Survey on Face Recognition using Biometrics
IRJET-  	  Survey on Face Recognition using BiometricsIRJET-  	  Survey on Face Recognition using Biometrics
IRJET- Survey on Face Recognition using BiometricsIRJET Journal
 
IRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET Journal
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technologyranjit banshpal
 
Literature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN AlgorithmLiterature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN AlgorithmIRJET Journal
 
IRJET- Student Attendance System by Face Detection
IRJET- Student Attendance System by Face DetectionIRJET- Student Attendance System by Face Detection
IRJET- Student Attendance System by Face DetectionIRJET Journal
 
Semantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionSemantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionIRJET Journal
 
Face Recognition Based on Image Processing in an Advanced Robotic System
Face Recognition Based on Image Processing in an Advanced Robotic SystemFace Recognition Based on Image Processing in an Advanced Robotic System
Face Recognition Based on Image Processing in an Advanced Robotic SystemIRJET Journal
 
IRJET- Smart Surveillance Cam using Face Recongition Alogrithm
IRJET-  	  Smart Surveillance Cam using Face Recongition AlogrithmIRJET-  	  Smart Surveillance Cam using Face Recongition Alogrithm
IRJET- Smart Surveillance Cam using Face Recongition AlogrithmIRJET Journal
 
Real-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for SurveillanceReal-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for SurveillanceIRJET Journal
 

Similar to IRJET- Face Detection and Recognition using OpenCV (20)

IRJET- Computerized Attendance System using Face Recognition
IRJET- Computerized Attendance System using Face RecognitionIRJET- Computerized Attendance System using Face Recognition
IRJET- Computerized Attendance System using Face Recognition
 
A Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net AlgorithmA Real Time Advance Automated Attendance System using Face-Net Algorithm
A Real Time Advance Automated Attendance System using Face-Net Algorithm
 
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITIONMTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
MTCNN BASED AUTOMATIC ATTENDANCE SYSTEM USING FACE RECOGNITION
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...
 
Automatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face RecognitionAutomatic Attendance Management System Using Face Recognition
Automatic Attendance Management System Using Face Recognition
 
IRJET- Facial Expression Recognition using GPA Analysis
IRJET-  	  Facial Expression Recognition using GPA AnalysisIRJET-  	  Facial Expression Recognition using GPA Analysis
IRJET- Facial Expression Recognition using GPA Analysis
 
Attendance System using Facial Recognition
Attendance System using Facial RecognitionAttendance System using Facial Recognition
Attendance System using Facial Recognition
 
Emotion Detection Using Facial Expression Recognition to Assist the Visually ...
Emotion Detection Using Facial Expression Recognition to Assist the Visually ...Emotion Detection Using Facial Expression Recognition to Assist the Visually ...
Emotion Detection Using Facial Expression Recognition to Assist the Visually ...
 
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET- Vehicle Seat Vacancy Identification using Image Processing TechniqueIRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
IRJET- Vehicle Seat Vacancy Identification using Image Processing Technique
 
IRJET- Digiyathra
IRJET-  	  DigiyathraIRJET-  	  Digiyathra
IRJET- Digiyathra
 
IRJET - A Review on Face Recognition using Deep Learning Algorithm
IRJET -  	  A Review on Face Recognition using Deep Learning AlgorithmIRJET -  	  A Review on Face Recognition using Deep Learning Algorithm
IRJET - A Review on Face Recognition using Deep Learning Algorithm
 
IRJET- Survey on Face Recognition using Biometrics
IRJET-  	  Survey on Face Recognition using BiometricsIRJET-  	  Survey on Face Recognition using Biometrics
IRJET- Survey on Face Recognition using Biometrics
 
IRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural NetworkIRJET- Facial Emotion Detection using Convolutional Neural Network
IRJET- Facial Emotion Detection using Convolutional Neural Network
 
Face recognition technology
Face recognition technologyFace recognition technology
Face recognition technology
 
Literature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN AlgorithmLiterature Review on Gender Prediction Model using CNN Algorithm
Literature Review on Gender Prediction Model using CNN Algorithm
 
IRJET- Student Attendance System by Face Detection
IRJET- Student Attendance System by Face DetectionIRJET- Student Attendance System by Face Detection
IRJET- Student Attendance System by Face Detection
 
Semantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face RecognitionSemantic Assisted Convolutional Neural Networks in Face Recognition
Semantic Assisted Convolutional Neural Networks in Face Recognition
 
Face Recognition Based on Image Processing in an Advanced Robotic System
Face Recognition Based on Image Processing in an Advanced Robotic SystemFace Recognition Based on Image Processing in an Advanced Robotic System
Face Recognition Based on Image Processing in an Advanced Robotic System
 
IRJET- Smart Surveillance Cam using Face Recongition Alogrithm
IRJET-  	  Smart Surveillance Cam using Face Recongition AlogrithmIRJET-  	  Smart Surveillance Cam using Face Recongition Alogrithm
IRJET- Smart Surveillance Cam using Face Recongition Alogrithm
 
Real-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for SurveillanceReal-Time Pertinent Maneuver Recognition for Surveillance
Real-Time Pertinent Maneuver Recognition for Surveillance
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana rawat
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...Call Girls in Nagpur High Profile
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerAnamika Sarkar
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxupamatechverse
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024Mark Billinghurst
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAbhinavSharma374939
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 

Recently uploaded (20)

Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur EscortsCall Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
Call Girls Service Nagpur Tanvi Call 7001035870 Meet With Nagpur Escorts
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
High Profile Call Girls Nashik Megha 7001305949 Independent Escort Service Na...
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
 
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINEDJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
DJARUM4D - SLOT GACOR ONLINE | SLOT DEMO ONLINE
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
Introduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptxIntroduction and different types of Ethernet.pptx
Introduction and different types of Ethernet.pptx
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024IVE Industry Focused Event - Defence Sector 2024
IVE Industry Focused Event - Defence Sector 2024
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog Converter
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 

IRJET- Face Detection and Recognition using OpenCV

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 474 Face Detection and Recognition Using OpenCV Mrs. Madhuram.M1, B. Prithvi Kumar2, Lakshman Sridhar3, Nishanth Prem4, Venkatesh Prasad5 1Assistant Professor, Department of Computer Science, SRM Institute of Science and Technology, Ramapuram, Chennai, India 2,3,4,5Department of Computer Science, SRM Institute of Science and Technology, Ramapuram, Chennai, India ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Face detection and recognition from an image ora video is a popular topic in biometrics research. Face recognition technology has widely attracted attention due to its enormous application value and market potential, such as real-time video surveillance system. It is widely acknowledged that the face recognition has played an important role in surveillance system as itdoesn’tneedtheobject’sco-operation. We design a real-time face recognition system based on IP camera and image set algorithm by way of OpenCV and Python programming development. The systemincludesthree parts: Detection module, training module and recognition module. Key Words: Face detection, Face Recognition, OpenCV. 1. INTRODUCTION Face detection and recognition is technology which is used to identify a person from a video or photo source. In the 1960s face recognition was introduced by Woodrow Wilson Bledsoe. Bledsoe developed a device that could classify photos of faces by hand usingwhat’sknownasaRANDtablet, a device that people could usetoinputhorizontalandvertical coordinates on a grid using a pen like stylus that emitted electromagnetic pulses. Ever since then the recognition system is being improved and optimized constantly, the technology becomes gradually mature and is more and more widely used in human daily life. It has been used increasingly for forensics by law enforcement and military professionals. In fact, facial recognition systemwasusedtohelpconfirmthe identity of Osama bin Laden after he was killed in a U.S. raid. The face recognition system is also beingincreasinglyusedin the mobiles for device security. In this paper, we propose a face detection and recognition system using python along with OpenCV package. This system contains three modules which are detection, training and recognition. Basically, the detection module detects the face which gets into the field of vision of the camera and saves the face in the form of an image in JPG format. Then the training modules trains the system using Haar cascade algorithmwhichwasproposedby Paul Viola and Michael Jones in their paper. This method consists of four steps- 1. Haar Feature Selection- First step is to collect the Haar Features. A Haar feature considers adjacent rectangular regions at a specific location in a detection window, sums up the pixel intensities in each region and calculates the difference between these sums. 2. Creating Integral Images- Integral Imagesare usedtomakethisprocessfast.Mostof the calculated features are irrelevant. 3. Adaboost Training- A concept called Adaboost which both selects the best features and trains the classifiers is used. This algorithm constructs a strong classifier using a linear combination of weighted simple weak classifiers. 4. Cascading Classifiers- The cascade classifier consists of a number of stages, where each stage is a group of weak learners. These weak learners are simple classifiers called decision stumps. Each stage is trained using a method called boosting. Boosting provides the ability to train a highly accurate classifier by taking the weighted average of decisions made by the weak learners. Finally, in the recognition module the principal components of the face from the new video are extracted. Then those features get compared with the list of elements stored during training and the ones with the best match is found and name of the person recognized is displayed. This monitoring system fulfills the basic needs of face detection and recognition system,alsotakesthecostintoconsideration to ensure the pervasive mode as economical as possible. Furthermore, it can also be combined with real-timeanalysis algorithms. 2. EXISTING SYSTEMS A. Linear Discriminate Analysis LDA is a method to find a linear combination of features which characterize or separate two or more classes of objects or events. Linear classifier can be obtained from the resultant. Large number of pixels are used to represent face in computerized face recognition. Before classification Linear discriminant analysis is used to reduce features and makes it more manageable. New dimensions are a linear combination of pixel values which forms a template. B. Principal Component Analysis PCA involves a mathematical procedure that transforms a number of possibly correlated variables into a smaller number of uncorrelated variablesPleasepurchasePDFSplit- Merge on www.verypdf.com to remove this watermark. 5
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 475 called principal components. The variability in the data is accounted by the first principal components and the succeeding components accounts for further variability. For exploratory data analysis and for making predictive models PCA is the most used tool. The calculation of the eigen value decomposition of a data covariance matrix or singular value decomposition of a data matrix is done with the help of PCA. Eigenvector-based multivariate analysis is made easy with the help of PCA. The variance present in the data is best explained by revealing the internal structure of the data which is considered to be one of the important operations.If a multivariate dataset is visualized as a set of coordinates in a high-dimensional data space (one axis per variable, a lower-dimensional picture is supplied by PCA,a "shadow" of this object is visible when viewed from its (in some sense) most informative viewpoint. C. Hidden Markov Model A hidden Markov model (HMM) is a statistical model thatcan be used to describe the evolution of observable events that depend on internal factors, which are not directly observable. The observed event is called as a `symbol' and the factor underlying the observation is a `state'.. Hidden Markov models are especiallyknownfortheirapplicationsin temporal pattern recognition such as speech, handwriting, gesture recognition, part-of-speech tagging, partial discharges and bioinformatics. 3. PROPOSED SYSTEM AND TECHNIQUE The quality of image depends on plethora of factors that influence the system’s accuracy. It is important to apply various pre-processing techniques to standardize the images that you supply to a face recognition system. Face recognition algorithm usually find it difficult to recognize a face under extreme light sensitive conditions. If the system was trained to recognize a person when they are in a dark room, then it is highly possible that it won’t recognize them in a bright room. This problem is referred to as "lumination dependent". There are many other issues, such as the face should also be in a very consistent position within the images like the eyes being in the same pixel coordinates, consistent size, rotation angle, hair and makeup, emotion like smiling, angry, etc. Hence it is important to use a good image preprocessing filter. For simplicity, the face recognition system presented in this paper is Eigenfaces using grayscale images. This paper showsusthatitiseasyto convert color images to grayscale (also called 'grayscale') and then to apply Histogram Equalization. It is a very simple method of automatically standardizing the brightness and contrast of your facial images. For better results, applymore processing stages such as edge enhancement, contour detection, motion detection, etc. OpenCVusesa facedetector algorithm called a Haar Cascade classifier. An image, can come from a file or from live video, the face detector examines each image location and classifies it as "Face" or "Not Face." Classification assumes a fixed scale for the face. Faces in an image can be smaller or larger, the classifier runs over the image several times, to search for faces across a range of images. The classification is fast, even when it's applied at several scales.Thecodefortherecognitionsystem is given below. 4. SAMPLE CODE A. Training Set def assure_path_exists(path): dir = os.path.dirname(path) if not os.path.exists(dir): os.makedirs(dir) recognizer = cv2.face.LBPHFaceRecognizer_create() Detector=cv2.CascadeClassifier("haarcascade_frontalface_de fault.xml"); def getImagesAndLabels(path): imagePaths = [os.path.join(path,f) for f in os.listdir(path)] faceSamples=[] ids = [] for imagePath in imagePaths: PIL_img = Image.open(imagePath).convert('L') img_numpy = np.array(PIL_img,'uint8') id = int(os.path.split(imagePath)[-1].split(".")[1]) faces = detector.detectMultiScale(img_numpy) for (x,y,w,h) in faces: faceSamples.append(img_numpy[y:y+h,x:x+w]) ids.append(id) return faceSamples,ids faces,ids = getImagesAndLabels('dataset') recognizer.train(faces, np.array(ids)) assure_path_exists('trainer/') recognizer.save('trainer/trainer.yml') B. Face Datasets def assure_path_exists(path): dir = os.path.dirname(path) if not os.path.exists(dir): os.makedirs(dir) vid_cam = cv2.VideoCapture(0) face_detector = cv2.CascadeClassifier('haarcascade_frontalface_default.xm l') face_id = 1 count = 0
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 476 assure_path_exists("dataset/") while(True): _, image_frame = vid_cam.read() gray = cv2.cvtColor(image_frame, cv2.COLOR_BGR2GRAY) faces = face_detector.detectMultiScale(gray, 1.3, 5) for (x,y,w,h) in faces: cv2.rectangle(image_frame, (x,y), (x+w,y+h), (255,0,0), 2) count += 1 cv2.imwrite("dataset/User." + str(face_id) + str(count) + ".jpg", gray[y:y+h,x:x+w]) cv2.imshow('frame', image_frame) if cv2.waitKey(100) & 0xFF == ord('q'): break elif count>100: break vid_cam.release() cv2.destroyAllWindows() C. Face Detection def assure_path_exists(path): dir = os.path.dirname(path) if not os.path.exists(dir): os.makedirs(dir) recognizer = cv2.face.LBPHFaceRecognizer_create() assure_path_exists("trainer/") recognizer.read('trainer/trainer.yml') cascadePath = "haarcascade_frontalface_default.xml" faceCascade = cv2.CascadeClassifier(cascadePath); font = cv2.FONT_HERSHEY_SIMPLEX cam = cv2.VideoCapture(0) while True: ret, im =cam.read() gray = cv2.cvtColor(im,cv2.COLOR_BGR2GRAY) faces = faceCascade.detectMultiScale(gray, 1.2,5) for(x,y,w,h) in faces: cv2.rectangle(im, (x-20,y-20), (x+w+20,y+h+20), (0,255,0), 4) Id, confidence = recognizer.predict(gray[y:y+h,x:x+w]) if(Id == 1): Id = "ARJUN {0:.2f}%".format(round(100 - confidence, 2)) cv2.rectangle(im, (x-22,y-90), (x+w+22, y-22), (0,255,0), - 1) cv2.putText(im, str(Id), (x,y-40), font, 1, (255,255,255), 3) cv2.imshow('im',im) if cv2.waitKey(10) & 0xFF == ord('q'): break cam.release() cv2.destroyAllWindows() 5. SYSTEM ARCHITECTURE 6. CONCLUSIONS In this paper we have developed a system for face detection and recognition using opencv. It is used to detect and recognize human faces. The images of the persons are the datasets which are defined and trained before recognizing. Haar cascade algorithm is used for detection. For better face recognition and detection small features can be improved. In the coming future, as technology advances, more advance features will be added to the system. REFERENCES [1] https://www.youtube.com/watch?list=PLQVvvaa0QuDf KTOs3Keq_kaG2P55YRn5v&v=OGxgnH8y2NM [2] https://opencv.org/ [3] https://docs.opencv.org/3.4/d7/d8b/tutorial_py_face_d etection.html [4] https://pythonprogramming.net/haar-cascade-object- detection-python-opencv-tutorial/ [5] .Open Source Computer Vision Library Reference Manual-intel [Media] [6] Tej Pal Singh, “Face Recognition by using Feed Forward Back Propagation Neural Network”, International Journal of Innovative Research in Technology &Science, vol.1, no.1
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 05 Issue: 10 | Oct 2018 www.irjet.net p-ISSN: 2395-0072 © 2018, IRJET | Impact Factor value: 7.211 | ISO 9001:2008 Certified Journal | Page 477 [7] N.Revathy, T.Guhan, “Face recognition system using back propagation artificial neural networks”, International Journal of Advanced Engineering Technology, vol.3, no. 1, 2012. [8] M.A.Turk and A.P. Pentaland, “Face Recognition Using Eigenfaces”, IEEE conf. on Computer Vision and Pattern Recognition, pp. 586-591, 1991