vggface
There are 38 repositories under vggface topic.
rcmalli/keras-vggface
VGGFace implementation with Keras Framework
cydonia999/VGGFace2-pytorch
PyTorch Face Recognizer based on 'VGGFace2: A dataset for recognising faces across pose and age'
cjiang2/AgeEstimateAdience
Age and Gender Estimation Using Convolutional Neural Network
inayatkh/tensorflowCNNfromTrainingToTesting
This is a very Simple example of showing how to build image dataset from your own collection of images, how to train multiple class classifier using tensorflow CNN and how to predict the class of an object in an unseen image. This code is designed so that a newbie user become able to train a tensorflow CNN model using his limited CPU resources. By loading small batches of images in the HDF5 data format is the key for doing so.
animikhaich/Facial-Recognition-Dashboard
A flask app to give a demo of Facial Recognition - Deployed with Live Demo.
Anurag14/accessfaceid
Face Detection, verification and recognition in Near real time on CPU brewing with all the SOTA all over
berksudan/Real-time-Emotion-Detection
8 emotions detected in real-time with ~77% accuracy. Used: OpenCV, Python 3, Keras, Data Preprocessing, Deep Learning & Machine learning Techniques.
GyanPrakashkushwaha/twoFace-match-Deepface
Utilizing the DeepFace Library, informed by a dataset of 4M images across 4K identities curated by Facebook researchers, My 'Two Faces✌🏻' project gauges facial similarity with precision.
njmarko/2FAce-verification
Microservice AI Neural Network Tensorflowjs face (YOLO object) detection Two-factor deep learning (TensorFlow) authentication in Spring, Vue, and Flask with face verification based on logistic regression and cosine similarity in high dimensional vector space.
GyanPrakashkushwaha/DataScience
EVERYTHING YOU NEED FOR DATA SCIENCE.
shobhit9618/celeb_recognition
Model to recognize celebrities using a face matching algorithm.
Vidhi1290/Face-Recognition-System-in-Python-using-FaceNet
Dive into the world of computer vision! Our Image Classification from Video project uses advanced techniques to identify faces in images and videos. Explore video processing, face extraction, and deep learning magic. Join the adventure now! 👩💻📸"
divSivasankaran/BioSecure
Continuous Face Authentication on Android
Reshi-aafaq/one-Shot-Attendance
Doing attendance of whole classroom with few shots using Python's Flask framework. Feature extraction of detected faces by mtcnn done by fine tuning VVGFace on siamese network.
fekrazad/remaining-lifespan-ai
Data and code for an AI model that predicts remaining lifespan (how many years of life a person has left) solely from a facial image
gokceuludogan/face-identification-in-artwork
Face Identification In Artwork
santanukumar666/Bollywood-face-similarity
Used VGGFace and Resnet50 model we extract features from the photos of the celebrities. It predicts the similar matching Bollywood celeb based on cosine similarity of the pictures.
kawin-nai/gcloud-fyp-container
A containerized facial recognition module based on VGG ResNet-50 architecture
maede43/ensemble-learning-lfw
Final Project Of Computational Intelligence - Fall 2021 - LightGBM, RandomForest and StackingClassifier
Simeonedef/FaceName
Exploring the relationship between facial features and first name using Stanford's Names100 Dataset
akuritsyn/kaggle-recognizing-faces
Kaggle: Northeastern SMILE Lab - Recognizing Faces in the Wild
blvebird/L2-constrained-Softmax-Loss
Train/validate VGGface2 dataset based on L2-constrained softmax loss.
GDSC-UIT/RealTime-Emotion-Recognizer
RealTime Emotion Recognizer for Machine Learning Study Jam's demo
rconfa/Digital-Signal-and-Image-Management-Project
The project consists in the development of an application for the recognition of one-dimensional signals (audio), two-dimensional signals (images) and retrieval of the 10 images most similar to a given query.
ridwanbello/facial-expression-with-deep-learning
A facial expression recognition project with VGGFace Transfer Learning Model on the Nigerian Static Facial Expression (NISFE) dataset
Abuzariii/DeepFace
DeepFace Library lets you recognize and analyze faces quickly with models like VGGFace and Facenet.
EphronM/Celebrity_face_match
Using MTCNN and VggFace, created a webApp which tells your look alike Bollywood celebrity
kushagr-8/Face-Clustering-Using-Siamese-Network-
ML model for grouping similar faces using cutting-edge deep learning and computer vision techniques. Custom dataset of 300 images captures comprehensive facial variations. Siamese network outperforms Face-Net, delivering reliable clustering results.
mansi-palekar/expression-analysis
Using CNNs to perform facial expression recognition and analysing TED talks to gain insights.
vasupatelll/Doppelganger_of_Bollywood_Celebrity
This project is aimed at developing a deep learning system that can detect and recognize people who look identical to Bollywood actors. It will use facial features as the basis of comparison for detecting similar features between two people. This system could be used in various applications such as security systems, entertainment platforms, etc.
Abuzariii/Facial-Recognition-Verification
Facial Recognition with VGG Face in Tensorflow 2.0
fosetorico/face_matching_app
End-to-End Face Recognition project that matches faces with Hollywood celebrities using the power of MTCNN for face detection as well as VGG-Face for feature extraction and recognition
garimasinghgryffindor/Attendance-Monitoring-System
using Facial and GeoLocation verification
korhlibri/facial-recognition
Facial recognition in Python using Tensorflow
LavKalsi/CelebrityFaceMatchWebsite
This project is a Celebrity Face Match Website that identifies which Bollywood celebrity you resemble by analyzing your uploaded photo. Using the VGGFace model for facial feature extraction, MTCNN for face detection, and cosine similarity for matching, the app compares your image with a database of celebrity faces to provide the best match.