image-recognition
There are 2832 repositories under image-recognition topic.
OlafenwaMoses/ImageAI
A python library built to empower developers to build applications and systems with self-contained Computer Vision capabilities
dusty-nv/jetson-inference
Hello AI World guide to deploying deep-learning inference networks and deep vision primitives with TensorRT and NVIDIA Jetson.
PaddlePaddle/PaddleClas
A treasure chest for visual classification and recognition powered by PaddlePaddle
amdegroot/ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
shu223/iOS-10-Sampler
Code examples for new APIs of iOS 10.
extreme-assistant/ICCV2023-Paper-Code-Interpretation
ICCV2021/2019/2017 论文/代码/解读/直播合集,极市团队整理
milvus-io/bootcamp
Dealing with all unstructured data, such as reverse image search, audio search, molecular search, video analysis, question and answer systems, NLP, etc.
emgucv/emgucv
Emgu CV is a cross platform .Net wrapper to the OpenCV image processing library.
photonixapp/photonix
A modern, web-based photo management server. Run it on your home server and it will let you find the right photo from your collection on any device. Smart filtering is made possible by object recognition, face recognition, location awareness, color analysis and other ML algorithms.
symisc/sod
An Embedded Computer Vision & Machine Learning Library (CPU Optimized & IoT Capable)
kumar-shridhar/PyTorch-BayesianCNN
Bayesian Convolutional Neural Network with Variational Inference based on Bayes by Backprop in PyTorch.
WegraLee/deep-learning-from-scratch
『밑바닥부터 시작하는 딥러닝 1(리마스터판)』(한빛미디어, 2025)
reshamas/fastai_deeplearn_part1
Notes for Fastai Deep Learning Course
ethanhe42/channel-pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
emedvedev/attention-ocr
A Tensorflow model for text recognition (CNN + seq2seq with visual attention) available as a Python package and compatible with Google Cloud ML Engine.
DennisLiu1993/Fastest_Image_Pattern_Matching
C++ implementation of a ScienceDirect paper "An accelerating cpu-based correlation-based image alignment for real-time automatic optical inspection"
PAIR-code/saliency
Framework-agnostic implementation for state-of-the-art saliency methods (XRAI, BlurIG, SmoothGrad, and more).
deepgram/kur
Descriptive Deep Learning
nivance/image-similarity
计算图片之间的相似度
duanshengliu/End-to-end-for-chinese-plate-recognition
基于u-net,cv2以及cnn的中文车牌定位,矫正和端到端识别软件,其中unet和cv2用于车牌定位和矫正,cnn进行车牌识别,unet和cnn都是基于tensorflow的keras实现
vigzmv/what_the_thing
:camera: Point your camera at things to learn how to say them in a different language. Android app built with React Native.
mikeroyal/ISP-Guide
Image Signal Processing (ISP) Guide. Learn all about the process of converting an image/video into digital form by performing tasks like noise reduction, filtering, auto exposure, autofocus, HDR correction, and image sharpening with a Specialized type of media processor.
calmiLovesAI/Basic_CNNs_TensorFlow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
raoyongming/GFNet
[NeurIPS 2021] [T-PAMI] Global Filter Networks for Image Classification
ankonzoid/artificio
Deep Learning Computer Vision Algorithms for Real-World Use
yangbisheng2009/nsfw-resnet
🔥🔥NSFW implement in pytorch(色情图&性感图识别,本程序经过了线上大数据集测试,性能优异效果良好)🔥🔥
apoorva-dave/LicensePlateDetector
Detects license plate of car and recognizes its characters
wy1iu/LargeMargin_Softmax_Loss
Implementation for <Large-Margin Softmax Loss for Convolutional Neural Networks> in ICML'16.
AseemWangoo/flutter_programs
Experiments with Mobile
iduta/pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
sayakpaul/probing-vits
Probing the representations of Vision Transformers.
iboing/CliqueNet
Convolutional Neural Networks with Alternately Updated Clique (to appear in CVPR 2018)
amanchadha/coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
gupta-abhay/pytorch-vit
An Image is Worth 16x16 Words: Transformers for Image Recognition at Scale
bharathsudharsan/TinyML-CAM
Code for MobiCom paper 'TinyML-CAM: 80 FPS Image Recognition in 1 Kb RAM'
drov0/python-imagesearch
A wrapper around opencv2 and pyautogui to do image searching easily.