GitHub topics: eigenfaces
AhmedAmgadElsharkawy/DeepSee
DeepSee is an image processing project that applies advanced spatial and frequency domain techniques for filtering, segmentation, boundary detection, and facial recognition. It features a responsive GUI with multiprocessing, multithreading, and both dark and light modes.
Language: Python - Size: 20.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

Lauszus/FaceRecognitionApp
Face Recognition Android App
Language: Java - Size: 12.2 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 512 - Forks: 242

milaan9/Python_Computer_Vision_from_Scratch
This repository explores the variety of techniques commonly used to analyze and interpret images. It also describes challenging real-world applications where vision is being successfully used, both for specialized applications such as medical imaging, and for fun, consumer-level tasks such as image editing and stitching, which students can apply to their own personal photos and videos.
Language: Jupyter Notebook - Size: 7.41 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 241 - Forks: 192

purabshingvi1011/FaceRecog
A Python-based facial recognition system using the Eigenfaces algorithm.
Language: Jupyter Notebook - Size: 4.34 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Prishabhanot/Facial_Recognition_PCA
A face recognition system using Principal Component Analysis (PCA) for dimensionality reduction and a Support Vector Machine (SVM) classifier for classification. PCA extracts essential features (eigenfaces) from facial images, significantly reducing computational complexity while retaining critical information for accurate recognition.
Language: Python - Size: 2.57 MB - Last synced at: 21 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

alexandros-lekkas/ibee-opencv-facial-recognition 📦
👁️ IB Extended Essay on OpenCV Facial Recognition.
Language: Python - Size: 817 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

KlaraGtknst/bachelor-thesis
This repository contains the written work on the Bachelor thesis 'Identification of key information with topic analysis on large unstructured text data'.
Language: TeX - Size: 93.8 MB - Last synced at: 3 months ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0

david-palma/mathematics-for-machine-learning
Mathematics for Machine Learning is a specialisation in which you will master the fundamental mathematical toolkit for machine learning: calculus, linear algebra, statistics, and probability.
Language: Jupyter Notebook - Size: 781 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

mielutzio/face-recognition
Testing face recognition power of different algorithms on ORL database.
Language: Python - Size: 5.13 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

KauaHenSilva/python_identifies_human
This project aims to achieve image recognition using artificial intelligence (AI) specifically for identifying people.
Language: Jupyter Notebook - Size: 4.58 MB - Last synced at: 2 months ago - Pushed at: 5 months ago - Stars: 3 - Forks: 0

Lauszus/FaceRecognitionLib
Library for calculating Eigenfaces and Fisherfaces in C++
Language: C++ - Size: 10 MB - Last synced at: 13 days ago - Pushed at: almost 8 years ago - Stars: 72 - Forks: 35

jakeoeding/eigenfaces
Simple facial recognition with eigenfaces
Language: Python - Size: 4.99 MB - Last synced at: 3 days ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

pavlosdais/Face-Recognition-PCA
Eigenfaces-based face recognition with PCA on Yale B dataset
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

rokaia1692006/Face_recognition_using_Eigen_faces
facial recognition using eigen faces
Language: Jupyter Notebook - Size: 314 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

Winterwind/PCA_Project
A short two-part project that uses PCA (along with GMM in task 2); first with the fashion-NMIST dataset and then with fetch_lfw_people
Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Computer-Vision-Spring-2024/exVision-FacialSys
Desktop application incorporating face detection using Viola-Jones classical technique as well as face recognition using PCA analysis.
Language: Jupyter Notebook - Size: 64.5 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

AdiChat/Faces
Do you look like a Nobel Laureate :medal_military:, Physicist, Chemist, Mathematician, Actor or a Programmer? God gave you one face and you went on to get a peek into the mind of God. :cloud_with_lightning:
Language: Python - Size: 20.7 MB - Last synced at: 3 days ago - Pushed at: over 7 years ago - Stars: 64 - Forks: 14

kelvins/Reconhecimento-Facial 📦
Repositório utilizado para armazenar algoritmos de reconhecimento facial
Language: Python - Size: 5.88 MB - Last synced at: 8 months ago - Pushed at: over 7 years ago - Stars: 24 - Forks: 14

jayantee12/Facial-Recognition-System-Eigenfaces-Fisherfaces
Facial recognition via EigenFaces and FisherFaces methods
Language: Jupyter Notebook - Size: 5.45 MB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

spsingh37/Unsupervised-learning
This repo contains implementations of key unsupervised learning techniques, including image compression (K-means, GMM), PCA for Eigenfaces, ICA for audio separation, and CVAE for MNIST generation. It's a resource for understanding and applying foundational algorithms.
Language: Jupyter Notebook - Size: 26.5 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

fardinabbasi/PCA
Applying Principal Component Analysis for image compression, exploring how varying numbers of principal components affect image quality and compression ratio.
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

sudhanshu-noob/Face-Recognition
Face Detection & Recognition System
Size: 229 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

FYT3RP4TIL/GenderVision-Classifier
Language: HTML - Size: 24.5 MB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

HujiaYuYoyo/AgeGenderClassification
Optimal Local Basis: A Reinforcement Learning Approach for Gender and Age Classification
Language: Python - Size: 20.2 MB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3

chanakyavasantha/eigen-face-classification
Real World Facial Image Classification by Dimensionality Reduction through PCA
Language: Jupyter Notebook - Size: 37.5 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

iankurgarg/Foundations-of-Data-Science
Assignments from the course Foundations of Data Science. Linear Regression, Logistic Regression, PCA for Eigen Faces, GMeans, Bayesian Networks etc.
Language: Python - Size: 1.86 MB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 1

MohammadShabazuddin/Machine_Learning_for_Face_Identification
Faces recognition project using Support Vector Machines (SVM) and Principal Component Analysis (PCA). It utilizes the Labeled Faces in the Wild (LFW) dataset, employs dimensionality reduction with PCA, and fine‑tunes SVM hyperparameters using RandomizedSearchCV.
Language: Jupyter Notebook - Size: 169 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

AhmWael/EigenFaces_Face_Recognition_Project
Face Recognition using method of Eigenfaces
Language: Python - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

JaninaMattes/data-mining-pattern-recogntion
Mixed set of projects ranging from health data analysis to classical object detection for street signs.
Language: Jupyter Notebook - Size: 189 MB - Last synced at: about 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

siddikayyappa/PCA-Regression-Nearest-Neighbours
This is the source code of the work for Assignment-2, Statistical Methods in AI, 5th Semester, IIITH, '22
Language: Jupyter Notebook - Size: 1.88 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jtcass01/Eigenfaces-In-Image-Classification
Why should you care about Eigenvectors? A study on the efficacy of using eigenfaces in image classification.
Language: Python - Size: 7.21 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

anisha0325/Facial-Recognition-using-Eigenfaces
Facial recognition on the YALE dataset using Eigenfaces method.
Language: Python - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

rishi1999/random-projections
Summer@ICERM 2020 - Random Projections
Language: Jupyter Notebook - Size: 114 MB - Last synced at: 7 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

liviaarumsari/eigenfaces-face-recognition
Tubes 2 IF2123 Geometric and Linear Algebra: Eigenfaces for Face Recognition
Language: Python - Size: 4.98 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

tmshts/Introduction_to_Machine_Learning
Fourier decomposition of a chirp signal__Image preprocessing using Otsu thresholding__Edge detection using Canny ED__Automatically-aligned Palmprint__Face generation from Eigenfaces
Language: Python - Size: 9.55 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

pedrooct/opencv_LBPH_Eigenfaces_faceRecognition
Simple and easy train - your own dataset and use it to recognize faces.
Language: Python - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

phillity/Computer-Vision-Image-Processing
Computer Vision Algorithm Implementations
Language: Matlab - Size: 5.32 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 5 - Forks: 0

amirR01/Face-Classification
Face Classification by SVM on Eigenfaces
Language: Jupyter Notebook - Size: 982 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

filangelos/eigenfaces
Imperial College London EE4-68 Pattern Recognition Coursework 1
Language: Python - Size: 4.15 MB - Last synced at: 7 months ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 3

KenEzekiel/Algeo02-21055
Linear and Geometry Algebra Project, featuring Face Recognition, solved by using PCA Analysis and Eigenface
Language: Python - Size: 142 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 1

MohEsmail143/face-recognition
Face Recognition using PCA & LDA dimensionality reduction, then classification using KNN.
Language: Jupyter Notebook - Size: 21.8 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

IvanProdaiko94/UCU-linear-algebra-course
my LA homeworks
Language: Jupyter Notebook - Size: 38.9 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 0

DarFang/ECE442
Multimedia Signal Processing
Language: MATLAB - Size: 51.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

swghosh/realtime-attendance
Attendance marking of university students using facial recognition techniques.
Language: Jupyter Notebook - Size: 7.24 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 1

binDebug3/your_identity
(2023) Award winning project for the 24 hour YHack 2023 hackathon
Language: Python - Size: 94.2 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

khyatimahendru/EigenfacesWithSVD
Facial Recognition on 'Labelled Faces in the Wild Dataset' using the concept of Eigenfaces. I have used Singular Value Decomposition to obtain the eigenfaces used.
Language: Jupyter Notebook - Size: 2.89 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 7 - Forks: 1

AsisRai/Facial-Recognition-System-to-Automatically-record-attendance-of-Coventry-University-Students
Final Year Dissertation Project by Asis Rai
Language: C# - Size: 13.8 MB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 2

SohhamSeal/Eigen-Faces
Application of PCA in facial recognition
Language: Jupyter Notebook - Size: 77.2 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

saraabme/SVD_ImageCompression
In this project, the focus is on image compression using Singular Value Decomposition (SVD), specifically following the principles of the well-known "Eigenfaces" experiment.
Language: Jupyter Notebook - Size: 101 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

filipbagen/facial-recognition
🔎 Facial detection and recognition using PCA and LDA for feature extraction and SVM for classification
Language: MATLAB - Size: 114 MB - Last synced at: 10 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 2

dvircohen0/ML-101
Machine-Learning-Algorithms-From-Scratch
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

soham2109/CS-663-Assignments
This repository will contain the source codes and files for CS 663 Digital Image Processing
Language: Jupyter Notebook - Size: 344 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

nehith23/Face-Recognition-using-PCA-2dPCA-kPCA
Advanced Techniques in Face Recognition!
Language: Python - Size: 10.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

tina-joseph/LFW-Face-Identification
This repository comprises a face identification(multi-class classification) using a subset of the Labeled Faces in the Wild (LFW) dataset.
Language: Jupyter Notebook - Size: 373 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Isa1asN/face-recognition-eigen_faces-fisher_faces
A1 - Face recognition using eigen faces and fisher faces
Language: Jupyter Notebook - Size: 7.41 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

pushpendradahiya/FaceDetection
Face detection and recognition using EigenFaces and FisherFaces Methods
Language: Python - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

pavlin-policar/facial-recognition
A simple implementation of Fisherfaces for realtime facial recognition.
Language: Python - Size: 200 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 4

ammahmoudi/Face-Recognition
Face recognition using Eigen faces, PCA and support vector machines
Language: Jupyter Notebook - Size: 2.2 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

bghojogh/Roweis-Discriminant-Analysis
The code for Roweis Discriminant Analysis (RDA) and Kernel RDA methods
Language: Python - Size: 3.14 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

lim-anggun/Eigenface
Eigenface method for face recognition
Language: Matlab - Size: 66.4 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

ziyzhu/Spectraface
Fast Visual & Thermal Face Detection & Recognition with VGGFace2 and Eigenface.
Language: Python - Size: 3.42 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 3

PedroRCZ/eigenfaces Fork of jerreyes2/eigenfaces
Proyecto de Inteligencia Artificial II
Language: Python - Size: 230 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

khitk9738/Face-Tracker
Face Tracker can be used as a test framework for several face recognition methods including the Neural Networks
Language: Java - Size: 434 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

gaborvecsei/Face-Recognizer
Thesis: Face Recognizer
Language: Python - Size: 10.3 MB - Last synced at: 3 months ago - Pushed at: over 8 years ago - Stars: 8 - Forks: 2

DaniloVlad/PCA
Principle component analysis on 400 faces (aka eigenface)
Language: Python - Size: 2.51 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

TZNcse209/Text_Detection_and_Text_Recognition
Detect and recognize faces from images, videos and webcam with OpenCV and Dlib libraries
Language: Jupyter Notebook - Size: 228 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

wihoho/FaceRecognition
Implement face recognition using PCA, LDA and LPP
Language: Java - Size: 4.74 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 216 - Forks: 109

hiroyuki-kasai/ClassifierToolbox
A MATLAB toolbox for classifier: Version 1.0.7
Language: MATLAB - Size: 48.8 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 79 - Forks: 47

JishanBaig/Face-Recognition-using-K-Nearest-Neighbor
Recognizing the face of a particular person among a group of faces in different situations. Used k nearest neighbour classifier with different k values.
Language: Python - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

Nan-Do/TinderBot
This is a bot in the same spirit as the one found in https://github.com/crockpotveggies/tinderbox. Made with the main purpose of learning the technologies required to create a web app like this. It has similar features (choosing faces using eigenfaces, interaction with the service, automatic chat) as the referenced bot plus a logic engine that can be feeded with rules to select the user and to choose between possible conversations
Language: Python - Size: 9.84 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 8 - Forks: 3

harsh306/PCA_CelebA
Language: Jupyter Notebook - Size: 80.1 KB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 1

hlycharles/Eigenface
Eigenface algorithm in C
Language: C - Size: 8.79 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

khushnaseeb/Face-Detection-and-Recognition-Using-Eigen-Face-Method-
Language: Python - Size: 1.45 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 2

Kvatsx/Statistical-Machine-Learning-Assignments
All assignments of Statistical Machine Learning Course
Language: Jupyter Notebook - Size: 750 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

alexvek96/face_recognition_and_SVM_classification
2nd/3 assignment of the "Machine Learning (ML) - Patterns Recognition" NKUA course (Spring Semester 2023). Face recognition - SVM classification implementations.
Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ggcr/Eigenfaces-PCA
Eigenfaces using Principal Component Analysis (PCA) on the Olivetti Faces Dataset.
Language: Python - Size: 1000 Bytes - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

jhell96/eigen-facial-recognition
A Lightweight Implementation of Eigenfaces for Facial Recognition
Language: Python - Size: 16.7 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 3 - Forks: 0

DanielMartensson/FisherFaces-Examples
Testing - What can be done with Fisherfaces
Language: MATLAB - Size: 744 KB - Last synced at: 5 days ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

lucasaltm/Computer_Vision
This repository contains a collection of computer vision projects using OpenCV, DLib, and Mediapipe. It includes implementations of facial detection, facial classification, facial landmark detection, and hand tracking.
Language: Jupyter Notebook - Size: 102 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

1391819/face_recognition
Face recognition system implemented using a Raspberry Pi, SQLite3 and OpenCV.
Language: Python - Size: 10.7 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

agyorev/Eigenfaces
:dancers: A Python implementation of the famous Eigenfaces algorithm for face recognition, implemented and tested over the AT&T face data set.
Language: Python - Size: 3.52 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 77 - Forks: 44

Anirudh-Swaminathan/ece_269_fa19_project
A repository to house the code for my course project for ECE 269 - Linear Algebra - Fall 2019 taken at the University of California San Diego (UCSD)
Language: Jupyter Notebook - Size: 11 MB - Last synced at: 13 days ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

geekquad/Facial-Recognition-with-PCA
Face Recognition Implementation using PCA, eigenfaces, and SVM
Language: Jupyter Notebook - Size: 482 KB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 0

AustinPardosi/EigenFace_FaceRecognition Fork of munzayanahusn/Algeo02-21077
TUGAS BESAR 2 IF2123 ALJABAR LINIER DAN GEOMETRI
Size: 10.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

frankiehuangg/EigenFace
A simple program for face recognition made using eigenface
Language: Python - Size: 44.3 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

mohsenfallahnjd/EigenFaces
Implementation of EigenFaces algorithm with python.
Language: Python - Size: 30.3 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

shubham-gaur/Smart-Attendance-Management
Intelligent System Designed For Monitoring And Marking Presence Of People.
Language: Python - Size: 19.6 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 8 - Forks: 4

DanielMartensson/jFaces
Use jFaces to predict unknown images by training a set of images
Language: Java - Size: 8.6 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

tA-bot-git/python-Kmeans
K-means implementation in python using Jupyter Notebook
Language: Jupyter Notebook - Size: 688 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 1

Thebrownboy/its-me
Language: Jupyter Notebook - Size: 137 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

lanhoter/Java_Face-Detection-and-Recognition
2015 Final Year Project in INTI International University Malaysia, built from scratch
Language: Java - Size: 22.2 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 14 - Forks: 3

irsyadnb/Algeo02-21072
Face Recognition using Eigenface with PCA Algorithm with Python
Language: Python - Size: 368 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

rifqifarhansyah/EigenFace-Recognition
TuBes Algeo02 2022/2023 🛩
Language: Python - Size: 290 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 2

linusmossberg/face-detection-and-recognition
Face detection and recognition using Fisherfaces and Eigenfaces.
Language: MATLAB - Size: 254 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 3

Angelorium/Eigenfaces-and-Face-Recognition
Project for the Advanced Numerical Methods course (2022/2023) of Università degli Studi di Palermo
Language: TeX - Size: 4.14 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

dhingratul/Face-Recognition-Algorithms
Implemented and evaluated four basic face recognition algorithms: Eigenfaces, Fisherfaces, Support Vector Machine (SVM), and Sparse Representation-based Classification (SRC) on YaleB dataset
Language: Matlab - Size: 2.08 MB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 18 - Forks: 11

jahnvisikligar/Machine-Learning-for-Visual-Data-Analysis
This repository is reflection of the machine learning algorithms and explore their application in visual data analytics. The work implemented by me are in accordance with the coursework - ECS797P
Language: MATLAB - Size: 30 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

themisvaltinos/Face-Recognition-Eigenfaces
Implementation of a face recognition system using Principal Component Analysis (PCA)
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AravindVasudev/Pokedex 📦
A Pokémon Image Classifier using EigenFaces and ConvNet.
Language: Jupyter Notebook - Size: 23.6 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 10 - Forks: 1

kmsnggyn/Eigenfaces
Face reconstruction and recognition algorithm by principle component analysis (eigenfaces)
Language: MATLAB - Size: 61.9 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0
