Top 23 Python Computer Vision Projects
-
Face Recognition
The world's simplest facial recognition api for Python and the command line
It’s call face recognition. Face recognition contains two step face detection and face comparison. If you don’t have any background on this I suggest you try the face_recognition python module https://github.com/ageitgey/face_recognition
-
pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
https://github.com/junyanz/pytorch-CycleGAN-and-pix2pix
-
Scout
Get performance insights in less than 4 minutes. Scout APM uses tracing logic that ties bottlenecks to source code so you know the exact line of code causing performance issues and can get back to building a great product faster.
-
facenet
Face recognition using Tensorflow
Project mention: Show HN: CompreFace is a free and open-source face recognition software | news.ycombinator.com | 2021-02-21 -
EasyOCR
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
There are multiple open-source OCR tools like pytesseract or EasyOCR, which can be used to integrate OCR functionality into a program. However, these tools require significant configurations to get up and running to provide results with an acceptable accuracy level.
-
fashion-mnist
A MNIST-like fashion product database. Benchmark :point_right:
Project mention: [P] Why are stacked autoencoders still a thing? | reddit.com/r/MachineLearning | 2021-01-25fashion-mnist
-
vision
Datasets, Transforms and Models specific to Computer Vision (by pytorch)
Project mention: The image load from PyTorch DataLoader looks different from my origin image | reddit.com/r/learnmachinelearning | 2021-02-20The reason your images have 3 channels is that the default loader of torchvision.datasets.Imagefolder automatically converts the images to RGB, see also the source code.
-
datasets
🤗 The largest hub of ready-to-use NLP datasets for ML models with fast, easy-to-use and efficient data manipulation tools
This article shows how txtai can index and search with Hugging Face's Datasets library. Datasets opens access to a large and growing list of publicly available datasets. Datasets has functionality to select, transform and filter data stored in each dataset.
-
meshroom
3D Reconstruction Software
Good info here and they use Meshroom (free) to generate the meshes from the photos. This gives you a photo-approximation that is... interesting. It's a bit surreal because of the mesh angles. But the thing is, it's good enough to share with people, and it's also a great start if you wanted to manually build out geometry, you can use the room mesh as a guide.
-
Serpent.AI
Game Agent Framework. Helping you create AIs / Bots that learn to play any game you own!
-
scikit-image
Image processing in Python
Project mention: Patented algorithm removed from scikit-image shortly before merge accept | news.ycombinator.com | 2021-01-01 -
pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
Project mention: [P] Object Detection with rotated bounding boxes | reddit.com/r/MachineLearning | 2021-01-25SiamMask has pretty good rotated bbox code you can take a look at. https://github.com/STVIR/pysot
-
Kornia
Open Source Differentiable Computer Vision Library for PyTorch
Project mention: SpaCy v3.0 Released (Python Natural Language Processing) | news.ycombinator.com | 2021-02-01I haven't had a situation to use it, but I think Kornia looks cool: https://github.com/kornia/kornia
-
imagededup
😎 Finding duplicate images made easy!
Project mention: How to remove duplicate images from your dataset (Also CIFAR-100 has issues) | reddit.com/r/computervision | 2021-02-01I had used phash to find the duplicate images. The hashing algorithm is ingenious...And it was able to find duplicates (and thus remove) efficiently imagededub has perceptual hashing.
-
vit-pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Project mention: Short term memory solutions for video tasks? | reddit.com/r/deeplearning | 2021-01-22 -
jina
An easier way to build neural search on the cloud
Project mention: Show HN: Jina – Open-source AI framework to build search for anything, fast | news.ycombinator.com | 2021-02-10 -
awesome-hand-pose-estimation
Awesome work on hand pose estimation/tracking
Project mention: Ombromanie: Creating Hand Shadow stories with Azure Speech and TensorFlow.js Handposes | dev.to | 2021-02-22'Awesome' list for hand tracking
-
uda
Unsupervised Data Augmentation (UDA)
The words that replaces the original word are chosen by calculating TF-IDF scores of words over the whole document and taking the lowest ones. You can refer to the code implementation for this in the original paper here.
-
tesserocr
A Python wrapper for the tesseract-ocr API
For OCR I'd generally suggest tesserocr over pytesseract, because it's a true library binding which means you can process OpenCV images in memory instead of having to save them first, and process multiple images with the same tesseract engine instead of having to start a new one for every image.
-
3DDFA_V2
The official PyTorch implementation of Towards Fast, Accurate and Stable 3D Dense Face Alignment, ECCV 2020.
cleardusk / 3DDFA_V2
-
arXiv2020-RIFE
RIFE: Real-Time Intermediate Flow Estimation for Video Frame Interpolation
You can give my GUI implementation of RIFE a shot.
-
HyperGAN
Composable GAN framework with api and user interface
Project mention: So I trained an AI to generate Pokemon sprites and this is the result | reddit.com/r/teenagers | 2021-01-21There is something called HyperGAN which builds generative adversarial networks (GANs) and those networks take some images as input and give those as output. Here is the GitHub page for that.
-
synthetic-computer-vision
A list of synthetic dataset and tools for computer vision
Project mention: Can video games help overcome the problem of 3D invariances and object permanence? | reddit.com/r/computervision | 2020-12-24 -
contrastive-unpaired-translation
Contrastive unpaired image-to-image translation, faster and lighter training than cyclegan (ECCV 2020, in PyTorch)
Index
What are some of the best open-source Computer Vision projects in Python? This list will help you:
Project | Stars | |
---|---|---|
1 | Face Recognition | 38,655 |
2 | pytorch-CycleGAN-and-pix2pix | 14,338 |
3 | facenet | 11,535 |
4 | EasyOCR | 10,671 |
5 | fashion-mnist | 8,834 |
6 | vision | 8,398 |
7 | datasets | 6,802 |
8 | meshroom | 5,950 |
9 | Serpent.AI | 5,840 |
10 | scikit-image | 4,194 |
11 | pysot | 3,647 |
12 | Kornia | 3,613 |
13 | imagededup | 3,392 |
14 | vit-pytorch | 2,658 |
15 | jina | 2,364 |
16 | awesome-hand-pose-estimation | 1,824 |
17 | uda | 1,624 |
18 | tesserocr | 1,403 |
19 | 3DDFA_V2 | 1,402 |
20 | arXiv2020-RIFE | 1,356 |
21 | HyperGAN | 1,096 |
22 | synthetic-computer-vision | 835 |
23 | contrastive-unpaired-translation | 782 |