An open API service providing repository metadata for many open source software ecosystems.

Topic: "facenet"

serengil/deepface

A Lightweight Face Recognition and Facial Attribute Analysis (Age, Gender, Emotion and Race) Library for Python

Language: Python - Size: 53.1 MB - Last synced at: 13 days ago - Pushed at: 15 days ago - Stars: 19,080 - Forks: 2,597

cmusatyalab/openface

Face recognition with deep neural networks.

Language: Lua - Size: 23.5 MB - Last synced at: 12 days ago - Pushed at: 8 months ago - Stars: 15,296 - Forks: 3,596

davidsandberg/facenet

Face recognition using Tensorflow

Language: Python - Size: 2.85 MB - Last synced at: 12 days ago - Pushed at: almost 2 years ago - Stars: 14,084 - Forks: 4,812

exadel-inc/CompreFace

Leading free and open-source face recognition system

Language: Java - Size: 540 MB - Last synced at: 12 days ago - Pushed at: 8 months ago - Stars: 6,348 - Forks: 858

serengil/tensorflow-101

TensorFlow 101: Introduction to Deep Learning

Language: Jupyter Notebook - Size: 54.9 MB - Last synced at: 4 days ago - Pushed at: 2 months ago - Stars: 1,088 - Forks: 632

vsyw/Keras-OpenFace

Keras-OpenFace is a project converting OpenFace from Torch implementation to a Keras version

Language: Jupyter Notebook - Size: 107 MB - Last synced at: 6 months ago - Pushed at: about 4 years ago - Stars: 575 - Forks: 260

nyoki-mtl/keras-facenet

Facenet implementation by Keras2

Language: Jupyter Notebook - Size: 3.47 MB - Last synced at: 9 days ago - Pushed at: over 6 years ago - Stars: 561 - Forks: 222

richmondu/libfaceid

libfaceid is a research framework for prototyping of face recognition solutions. It seamlessly integrates multiple detection, recognition and liveness models w/ speech synthesis and speech recognition.

Language: Python - Size: 369 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 477 - Forks: 158

pillarpond/face-recognizer-android

Reatime Face Recognizer on Android

Language: C++ - Size: 177 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 283 - Forks: 144

OAID/FaceDetection

C++ project to implement MTCNN, a perfect face detect algorithm, on different DL frameworks. The most popular frameworks: caffe/mxnet/tensorflow, are all suppported now

Language: C++ - Size: 20 MB - Last synced at: 13 days ago - Pushed at: almost 7 years ago - Stars: 274 - Forks: 107

akshaybahadur21/Facial-Recognition-using-Facenet

A simple implementation of facial recognition using facenets for humans 🧔 🔍

Language: Python - Size: 96.7 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 266 - Forks: 137

rrazvd/bbb-face-recognizer

Face recognition system using MTCNN, FACENET, SVM and FAST API to track participants of Big Brother Brasil in real time.

Language: Python - Size: 2.36 MB - Last synced at: 6 months ago - Pushed at: about 3 years ago - Stars: 237 - Forks: 33

Alireza-Akhavan/deep-face-recognition

One-shot Learning and deep face recognition notebooks and workshop materials

Language: Jupyter Notebook - Size: 62.3 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 224 - Forks: 85

tamerthamoqa/facenet-pytorch-glint360k

A PyTorch implementation of the 'FaceNet' paper for training a facial recognition model with Triplet Loss using the glint360k dataset. A pre-trained model using Triplet Loss is available for download.

Language: Python - Size: 24.7 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 208 - Forks: 56

satinder147/Attendance-using-Face

Face-recognition using Siamese network

Language: Python - Size: 147 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 196 - Forks: 94

JusperLee/Looking-to-Listen-at-the-Cocktail-Party

Executable code based on Google articles

Language: Python - Size: 81.5 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 149 - Forks: 43

arsfutura/face-recognition

A framework for creating and using a Face Recognition system.

Language: Python - Size: 30.3 MB - Last synced at: 12 months ago - Pushed at: over 4 years ago - Stars: 145 - Forks: 49

LeslieZhoa/tensorflow-facenet

人脸识别算法,结合facenet网络结构和center loss作为损失,基于tensorflow框架,含训练和测试代码,支持从头训练和摄像头测试

Language: Python - Size: 16.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 145 - Forks: 53

chen0040/keras-face

face detection, verification and recognition using Keras

Language: Python - Size: 68.6 MB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 141 - Forks: 65

exadel-inc/compreface-python-sdk

Python SDK for CompreFace - free and open-source face recognition system from Exadel

Language: Python - Size: 3.41 MB - Last synced at: 13 days ago - Pushed at: about 2 years ago - Stars: 133 - Forks: 43

msindev/Facial-Recognition-Using-FaceNet-Siamese-One-Shot-Learning

Implementation of Facial Recognition System Using Facenet based on One Shot Learning Using Siamese Networks

Language: Python - Size: 102 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 131 - Forks: 54

weblineindia/AIML-Human-Attributes-Detection-with-Facial-Feature-Extraction

This is a Human Attributes Detection program with facial features extraction. It detects facial coordinates using FaceNet model and uses MXNet facial attribute extraction model for extracting 40 types of facial attributes. This solution also detects Emotion, Age and Gender along with facial attributes.

Language: Python - Size: 219 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 128 - Forks: 27

cyberfire/tensorflow-mtcnn

C++ and python Inference only for MTCNN face detector on Tensorflow. Based on davidsandberg's facenet project:

Language: C++ - Size: 3.54 MB - Last synced at: 7 days ago - Pushed at: over 4 years ago - Stars: 114 - Forks: 72

tamerthamoqa/facenet-realtime-face-recognition

A small-scale flask server facial recognition system, using a pre-trained facenet model with real-time web camera face recognition functionality, and a pre-trained Multi-Task Cascading Convolutional Neural Network (MTCNN) for face detection and cropping.

Language: Python - Size: 3.45 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 88 - Forks: 23

cjekel/tindetheus

Build personalized machine learning models for Tinder using Python

Language: Python - Size: 2.5 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 87 - Forks: 20

exadel-inc/compreface-javascript-sdk

JavaScript SDK for CompreFace - free and open-source face recognition system from Exadel

Language: JavaScript - Size: 2.67 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 86 - Forks: 36

Furkan-Gulsen/face-classification

Computer Vision project that detects emotion, age and gender after detecting faces.

Language: Python - Size: 501 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 80 - Forks: 30

pooya-mohammadi/Face

I have published my face related codes in this repository

Language: Jupyter Notebook - Size: 3.36 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 70 - Forks: 15

shubham0204/OnDevice-Face-Recognition-Android

On-device customizable face recognition in Android with FaceNet and an embedded vector database

Language: Kotlin - Size: 46 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 68 - Forks: 12

thuyngch/Face-Attendance-System

An Attendance Checking System using Deep Facial Recognition, written in Python.

Language: TeX - Size: 230 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 63 - Forks: 25

pythonlessons/background_removal

Project for face detection, face recognition, pencil sketch, animegan in image, video or real-time stream

Language: Python - Size: 144 MB - Last synced at: 27 days ago - Pushed at: about 2 years ago - Stars: 60 - Forks: 23

R4j4n/Face-recognition-Using-Facenet-On-Tensorflow-2.X

Language: Python - Size: 101 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 57 - Forks: 26

AKASH2907/deepfakes_video_classification

Deepfakes Video classification via CNN, LSTM, C3D and triplets [IWBF'20]

Language: Python - Size: 2.64 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 53 - Forks: 17

susantabiswas/FaceRecog

Realtime Facial recognition system using Siamese neural network

Language: Python - Size: 102 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 48 - Forks: 21

sksq96/cnn-face-recognition

Facial Keypoints Detection & Recognition

Language: Python - Size: 220 MB - Last synced at: about 2 months ago - Pushed at: about 8 years ago - Stars: 48 - Forks: 19

Golbstein/keras-face-recognition

Who is your doppelgänger and more with Keras face recognition

Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 47 - Forks: 18

Astrotomic/php-deepface

A PHP adapter for the python deepface framework.

Language: PHP - Size: 4.05 MB - Last synced at: about 13 hours ago - Pushed at: 5 months ago - Stars: 45 - Forks: 9

s90210jacklen/Real-time-Face-recognition

即時人臉辨識(使用OpenCV與FaceNet)

Language: Python - Size: 2.43 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 42 - Forks: 22

exadel-inc/compreface-net-sdk

.Net SDK for CompreFace - free and open-source face recognition system from Exadel

Language: C# - Size: 5.31 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 41 - Forks: 11

dkarunakaran/facenet_mtcnn_tensorflow_inference_engine

This is a modified and simplified inference engine of davidsandberg's facenet

Language: Python - Size: 43 KB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 40 - Forks: 18

hschao/face-recognition Fork of yeephycho/tensorflow-face-detection

Face detection and recognition with tensorflow and FaceNet

Language: Python - Size: 102 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 39 - Forks: 11

naemazam/Real-time-face-recognition-Using-Facenet

Real time face recognition Using Facenet , pytorch, Tensorflow

Language: Python - Size: 12.8 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 38 - Forks: 10

kjanjua26/Git-Loss-For-Deep-Face-Recognition

This repository contains code for my paper "Git Loss for Deep Face Recognition".

Language: Python - Size: 554 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 36 - Forks: 18

deepware/dface

Face detection and recognition library that focuses on speed and ease of use.

Language: Python - Size: 83.1 MB - Last synced at: 19 days ago - Pushed at: over 4 years ago - Stars: 35 - Forks: 12

Devasy23/FaceRec

An advanced facial recognition system designed for real-time identification using deep learning models and optimized vector search. Features include face detection, embedding generation, and scalable deployment options.

Language: Jupyter Notebook - Size: 103 MB - Last synced at: 7 days ago - Pushed at: 28 days ago - Stars: 34 - Forks: 28

lincolnhard/facenet-darknet-inference

Face recognition using facenet

Language: C - Size: 77.1 KB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 32 - Forks: 9

dsabarinathan/Facial-Attribute-Recognition-from-face-images

FacialAttributesExtractor is a Python library for precise facial attribute extraction, offering comprehensive insights into various features using OpenCV and Deep Learning. Enhance your image processing and real-time video applications with accurate analysis of age, gender, hair length, and more.

Language: Python - Size: 9.69 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 31 - Forks: 4

soumik12345/Nearest-Celebrity-Face

Tensorflow Implementation of FaceNet: A Unified Embedding for Face Recognition and Clustering to find the celebrity whose face matches the closest to yours.

Language: Jupyter Notebook - Size: 25.6 MB - Last synced at: 26 days ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 7

arjuninv/CogniTrack

CogniTrack is an Artificial Intelligence powered person tracking system that acquires images from CCTV cameras and tracks individuals appearing in the frame in real-time.

Language: Python - Size: 65.4 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 31 - Forks: 17

Madhubalajb/FaceNet-based-Attendance-System

Deep Learning based Web Application for marking attendance of students by recognizing the student's faces from the surveillance video footage of classroom.

Language: Python - Size: 1.84 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 30 - Forks: 14

taylorlu/Facenet-Caffe

facenet recognition and retrieve by using hnswlib and flask, convert tensorflow model to caffe

Language: Python - Size: 5.29 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 30 - Forks: 17

hosituan/clockon-clockoff-face-recognition

Face Recognize application. Using FaceNet and CoreML

Language: Swift - Size: 277 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 29 - Forks: 9

z0gSh1u/pr-attendance

东南大学《模式识别》课程项目作业 - 多人脸识别考勤系统

Language: Python - Size: 559 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 28 - Forks: 4

pavelkrolevets/face_clustering

Sort similar looking face pictures to clusters

Language: Python - Size: 9 MB - Last synced at: 12 months ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 3

keyurr2/libfaceid Fork of richmondu/libfaceid

libfaceid is a research framework for fast prototyping of face recognition solutions. It seamlessly integrates multiple face detection, face recognition and liveness detection models. It also includes face landmark detection, age detection, gender detection, emotion detection, wakeword/triggerword/hotword detection and text-to-speech synthesis for voice capability).

Language: Python - Size: 369 MB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 10

CatalystCode/faceanalysis

Pipeline for face detection and matching

Language: Python - Size: 103 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 9

abhiksark/Face-Recognition-FaceNet

A python script label faces in group photos using Facenet. :tada:

Language: Python - Size: 148 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 21 - Forks: 8

MAhaitao999/mtcnn-align-facenet-deployment

本项目是利用mtcnn网络和facenet网络实现了一个简单的人脸识别功能。整体流程大致如下:首先利用mtcnn网络进行人脸检测和人脸关键点(5个)提取;接着利用人脸关键点进行人脸校正(仿射变换);然后将校正之后的人脸图片送入facenet网络进行人脸特征(128维)提取;最后将提取到的人脸特征与底库中的人脸特征进行相似度计算(特征比对),完成人脸识别功能。

Language: Python - Size: 4.05 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 21 - Forks: 3

FuryMartin/Picf

Picf 是一款智能相册,具有人脸识别分类、人脸搜索、相似图片筛查等功能。 Picf is a smart photo album, which can classify images by face, search images with same face as well as find similar images.

Language: Python - Size: 2.12 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 20 - Forks: 4

hamidsadeghi68/face-clustering

Clustering Algorithms and their Application to Facial Image Analysis

Language: Jupyter Notebook - Size: 30.4 MB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 18 - Forks: 2

fbplab/MEBeauty-database

Language: Jupyter Notebook - Size: 199 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 2

adamydwang/tf-insightface

Face feature extract, based on insightface & facenet, implemented in tensorflow c api

Language: C++ - Size: 22.5 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 18 - Forks: 4

yehengchen/SmartCar

SmartCar - Real-time SmartCar System (Driver/Passenger) which included Face ID Recognition and Head Pose Estimation

Language: Python - Size: 37.2 MB - Last synced at: 27 days ago - Pushed at: about 5 years ago - Stars: 18 - Forks: 8

njordsir/Clustering-faces-android

Android application for detecting, recognizing and clustering faces.

Language: Java - Size: 80.4 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 18 - Forks: 1

AshutoshDongare/FaceNet-IOT

IOT implementation for FaceNet project by David Sandberg https://github.com/davidsandberg/facenet

Language: Python - Size: 10.7 KB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 18 - Forks: 7

phillity/metric_learning

Metric Learning TF 2.0+Keras Algorithm Implementations for Facial Recognition

Language: Python - Size: 564 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 17 - Forks: 6

dev-sungman/awesome-face-recognition

this repo include paper review, code in face recognition

Language: Python - Size: 23.1 MB - Last synced at: 24 days ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 4

arsfutura/smart-lock

Face Recognition Door Lock

Language: Python - Size: 6.22 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 2

robinreni96/Automatic-Face-Detection-Annotation-and-Preprocessing

Its an open source code to easily preprocess your images for mapping faces and convert a tfrecord , csv file to train your model.

Language: Python - Size: 11.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 14 - Forks: 10

Sardhendu/DeepFaceRecognition

Face Recognition with Transfer Learning

Language: Jupyter Notebook - Size: 29.1 MB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 14 - Forks: 7

DarrMirr/dl4j-mtcnn-facenet

Face recognition using mtcnn build on dl4j

Language: Java - Size: 104 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 13 - Forks: 3

transybao1393/face-recognition-pipeline

Face recognition pipeline based on Facenet and MTCNN including image preprocessing (denoise, dehazing,...) with image augmentation techniques

Language: Python - Size: 18.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 2

sidharth178/Face-Mask-Detection-and-Alert-System

The objective of this project is to detect the presence of a face mask on human faces on live streaming video as well as on images and alert the authority to take action on those who'r not wearing mask.

Language: Jupyter Notebook - Size: 25.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 5

wllkk/face-recognition-ncnn

Language: C++ - Size: 6.43 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 12 - Forks: 2

vedanthv/MusicHealsTheSoul

The aim of the project is to recommend Spotify songs based on emotions detected.

Language: Jupyter Notebook - Size: 4.11 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 11 - Forks: 5

Gopi-Durgaprasad/Face_Recognition

Face Recognition using Face-net and Retina Face detection start of the art - Pytorch

Language: Jupyter Notebook - Size: 91.3 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 11 - Forks: 4

TassAI/TASS-Facenet 📦

TASS Facenet uses Siamese Neural Networks and Triplet Loss to classify known and unknown faces by calculating distances between images, and communicates with IoT devices/applications via the free iotJumpWay PaaS

Language: Python - Size: 71 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 11 - Forks: 4

mjDelta/face-recognition-keras

Face recognition based on facenet with several networks as backends

Language: Python - Size: 102 KB - Last synced at: about 1 year ago - Pushed at: about 7 years ago - Stars: 11 - Forks: 6

Lincoln-cn/AndroidFaceNet 📦

FaceNet + Mtcnn

Language: Kotlin - Size: 83.8 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 10 - Forks: 2

taylorlu/face_recognition_ios

face recognition and retrieve in ios

Language: C++ - Size: 27.5 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 3

skywardpixel/facenet-darknet-pytorch 📦

A PyTorch implementation of the Facenet model for face recognition. A port of facenet-darknet-inference to PyTorch.

Language: Python - Size: 2.66 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 4

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.

Language: Jupyter Notebook - Size: 37.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 9 - Forks: 2

huyhoang17/128D-Facenet-LFW-Embedding-Visualisation

128D Facenet Embedding Visualisation

Language: HTML - Size: 67.1 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 9 - Forks: 2

mertz1999/Sima-Face-Recognition

Sima is a Face verification Pytorch project.

Language: Jupyter Notebook - Size: 401 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 2

Sinapsis-AI/sinapsis-retina-face-trt

Sinapsis repo with templates for face detection, face recognition and face verification

Language: Python - Size: 274 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 6

sr1jan/autoAttendanceApp

A face recognition based attendance system for college

Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 1

cheerTT/REProject-RED

a scrm management system based on face recognition

Language: Python - Size: 130 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 6

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.

Language: Python - Size: 19.5 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 7 - Forks: 0

VitoriaCarvalho/MaskDetection

Detecção de Máscara em Python Usando OpenCV e Deep Learning.

Language: Jupyter Notebook - Size: 174 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 7 - Forks: 2

foo290/Face-verification-using-One-shot-learning

Implementing one-shot learning using FaceNet

Language: Jupyter Notebook - Size: 778 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 0

KushagraChauhan/Face-Recognition

Both - Real time and Static

Language: Python - Size: 114 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 2

hsemarap/who-is-there

Object detection using YOLO v3 and Face Recognition using Facenet for embedding

Language: Python - Size: 747 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 9

swghosh/FaceNet

Keras implementation of the renowned publication "FaceNet: A Unified Embedding for Face Recognition and Clustering" by Schroff et al.

Language: Python - Size: 25.4 KB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 2

forensic-toolkit/recops

recops is a facial analysis framework, an AI forensic toolkit designed specifically for visual investigations and analysis workflows in OSINT research.

Language: Python - Size: 17.1 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

M-Taghizadeh/Deep-Face-Recognition

In this repository, we implement and review state of the art papers in the field of face recognition and face detection, and perform operations such as face verification and face identification with Deep models like Arcface, MTCNN, Facenet and so on.

Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: 22 days ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 2

GajuuzZ/FaceNetPytoch-Mask

Train FaceNet model with face masked augmentation on Pytorch.

Language: Python - Size: 873 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 6 - Forks: 0

bububa/openvision

deep learning vision detector/estimator

Language: C - Size: 457 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 1

daduz11/ios-facenet-id

iOS face identifier based on CoreML and Facenet

Language: Swift - Size: 42.9 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 6 - Forks: 2

newTypeGeek/face-recognition 📦

Perform face recognition in video stream for registered members

Language: Python - Size: 39.8 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 6 - Forks: 3

Lin-Z-J/FaceSystem-SpringBoot

基于深度学习的人脸识别会议签到系统后端

Language: Java - Size: 7.77 MB - Last synced at: 1 day ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 1

Related Topics
face-recognition 141 face-detection 76 deep-learning 62 tensorflow 58 python 54 mtcnn 48 computer-vision 37 machine-learning 37 keras 33 opencv 29 pytorch 22 facial-recognition 20 mtcnn-face-detection 18 face-verification 16 deepface 16 face 16 triplet-loss 16 cnn 15 flask 15 openface 13 python3 12 facenet-trained-models 12 dlib 12 arcface 11 convolutional-neural-networks 9 keras-tensorflow 9 insightface 9 yolo 8 facerecognition 8 vgg-face 8 siamese-network 8 facenet-model 8 svm 7 deep-neural-networks 7 artificial-intelligence 7 retinaface 7 face-embedding 7 opencv-python 7 android 6 tensorflow2 6 facedetection 6 facial-expression-recognition 6 resnet 5 ai 5 yolov3 5 gender-prediction 5 transfer-learning 5 one-shot-learning 5 image-processing 5 docker 5 haar-cascade 5 hacktoberfest 5 clustering 4 face-clustering 4 numpy 4 django 4 emotion-detection 4 random-forest 4 age-prediction 4 vgg16 4 vggface 4 face-matching 4 deeplearning 4 emotion-recognition 4 lfw-dataset 4 pose-estimation 4 iot 4 google 4 convolutional-neural-network 4 embeddings 4 mongodb 3 machinelearning 3 facial-attributes 3 inception 3 nodejs 3 sdk 3 mtcnn-tensorflow 3 caffe 3 compreface-sdk 3 multi-gpu 3 object-detection 3 compreface 3 api 3 face-recognition-python 3 siamese-neural-network 3 detection 3 inceptionv3 3 ssd 3 face-analysis 3 deepid 3 center-loss 3 deep-face-recognition 3 face-alignment 3 artificial-intelligence-algorithms 3 attendance-system 3 contrastive-loss 3 sphereface 3 race-classification 2 cv2 2 matplotlib 2