All Projects → Pytorch_image_classifier → Similar Projects or Alternatives

333 Open source projects that are alternatives of or similar to Pytorch_image_classifier

Fast Autoaugment
Official Implementation of 'Fast AutoAugment' in PyTorch.
Stars: ✭ 1,297 (+999.15%)
Mutual labels:  image-classification
Hrnet Image Classification
Train the HRNet model on ImageNet
Stars: ✭ 633 (+436.44%)
Mutual labels:  image-classification
Meme Generator
MemeGen is a web application where the user gives an image as input and our tool generates a meme at one click for the user.
Stars: ✭ 57 (-51.69%)
Mutual labels:  image-classification
Tf trt models
TensorFlow models accelerated with NVIDIA TensorRT
Stars: ✭ 621 (+426.27%)
Mutual labels:  image-classification
Keras And Tensorflow Serving
Deploying Keras models using TensorFlow Serving and Flask
Stars: ✭ 109 (-7.63%)
Mutual labels:  image-classification
Unsupervised Classification
SCAN: Learning to Classify Images without Labels (ECCV 2020), incl. SimCLR.
Stars: ✭ 605 (+412.71%)
Mutual labels:  image-classification
Tensorflow Kubernetes Art Classification
Train a TensorFlow model on Kubernetes to recognize art culture based on the collection from the Metropolitan Museum of Art
Stars: ✭ 55 (-53.39%)
Mutual labels:  image-classification
Cvat
Powerful and efficient Computer Vision Annotation Tool (CVAT)
Stars: ✭ 6,557 (+5456.78%)
Mutual labels:  image-classification
Wb color augmenter
WB color augmenter improves the accuracy of image classification and image semantic segmentation methods by emulating different WB effects (ICCV 2019) [Python & Matlab].
Stars: ✭ 89 (-24.58%)
Mutual labels:  image-classification
Have Fun With Machine Learning
An absolute beginner's guide to Machine Learning and Image Classification with Neural Networks
Stars: ✭ 4,912 (+4062.71%)
Mutual labels:  image-classification
Divide And Co Training
[Paper 2020] Towards Better Accuracy-efficiency Trade-offs: Divide and Co-training. Plus, an image classification toolbox includes ResNet, Wide-ResNet, ResNeXt, ResNeSt, ResNeXSt, SENet, Shake-Shake, DenseNet, PyramidNet, and EfficientNet.
Stars: ✭ 54 (-54.24%)
Mutual labels:  image-classification
Fishnet
Implementation code of the paper: FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction, NeurIPS 2018
Stars: ✭ 533 (+351.69%)
Mutual labels:  image-classification
Residualmaskingnetwork
Facial Expression Recognition using Residual Masking Network
Stars: ✭ 119 (+0.85%)
Mutual labels:  image-classification
Random Erasing
Random Erasing Data Augmentation. Experiments on CIFAR10, CIFAR100 and Fashion-MNIST
Stars: ✭ 511 (+333.05%)
Mutual labels:  image-classification
Images Web Crawler
This package is a complete tool for creating a large dataset of images (specially designed -but not only- for machine learning enthusiasts). It can crawl the web, download images, rename / resize / covert the images and merge folders..
Stars: ✭ 51 (-56.78%)
Mutual labels:  image-classification
Bag of tricks for image classification with convolutional neural networks
experiments on Paper <Bag of Tricks for Image Classification with Convolutional Neural Networks> and other useful tricks to improve CNN acc
Stars: ✭ 486 (+311.86%)
Mutual labels:  image-classification
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-27.97%)
Mutual labels:  image-classification
Caer
High-performance Vision library in Python. Scale your research, not boilerplate.
Stars: ✭ 452 (+283.05%)
Mutual labels:  image-classification
Bss distillation
Knowledge Distillation with Adversarial Samples Supporting Decision Boundary (AAAI 2019)
Stars: ✭ 51 (-56.78%)
Mutual labels:  image-classification
Tfclassifier
Tensorflow based training and classification scripts for text, images, etc
Stars: ✭ 441 (+273.73%)
Mutual labels:  image-classification
Indian Paper Currency Prediction
Source code of Indian Paper Currency Prediction 🔥
Stars: ✭ 106 (-10.17%)
Mutual labels:  image-classification
Metaoptnet
Meta-Learning with Differentiable Convex Optimization (CVPR 2019 Oral)
Stars: ✭ 412 (+249.15%)
Mutual labels:  image-classification
Efficientnas
Towards Automated Deep Learning: Efficient Joint Neural Architecture and Hyperparameter Search https://arxiv.org/abs/1807.06906
Stars: ✭ 44 (-62.71%)
Mutual labels:  image-classification
Computer Vision
Programming Assignments and Lectures for Stanford's CS 231: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 408 (+245.76%)
Mutual labels:  image-classification
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (-28.81%)
Mutual labels:  image-classification
Activation Visualization Histogram
Compare SELUs (scaled exponential linear units) with other activations on MNIST, CIFAR10, etc.
Stars: ✭ 377 (+219.49%)
Mutual labels:  image-classification
Hardhat Detector
A convolutional neural network implementation of a script that detects whether an individual is wearing a hardhat or not.
Stars: ✭ 41 (-65.25%)
Mutual labels:  image-classification
Basic cnns tensorflow2
A tensorflow2 implementation of some basic CNNs(MobileNetV1/V2/V3, EfficientNet, ResNeXt, InceptionV4, InceptionResNetV1/V2, SENet, SqueezeNet, DenseNet, ShuffleNetV2, ResNet).
Stars: ✭ 374 (+216.95%)
Mutual labels:  image-classification
Labelbox
Labelbox is the fastest way to annotate data to build and ship computer vision applications.
Stars: ✭ 1,588 (+1245.76%)
Mutual labels:  image-classification
Sianet
An easy to use C# deep learning library with CUDA/OpenCL support
Stars: ✭ 353 (+199.15%)
Mutual labels:  image-classification
Duckgoose
Utils for fast.ai course
Stars: ✭ 38 (-67.8%)
Mutual labels:  image-classification
Rectlabel Support
RectLabel - An image annotation tool to label images for bounding box object detection and segmentation.
Stars: ✭ 338 (+186.44%)
Mutual labels:  image-classification
Deepdenoising
Stars: ✭ 81 (-31.36%)
Mutual labels:  image-classification
Face recognition
🍎 My own face recognition with deep neural networks.
Stars: ✭ 328 (+177.97%)
Mutual labels:  image-classification
Albumentations
Fast image augmentation library and an easy-to-use wrapper around other libraries. Documentation: https://albumentations.ai/docs/ Paper about the library: https://www.mdpi.com/2078-2489/11/2/125
Stars: ✭ 9,353 (+7826.27%)
Mutual labels:  image-classification
Involution
[CVPR 2021] Involution: Inverting the Inherence of Convolution for Visual Recognition, a brand new neural operator
Stars: ✭ 252 (+113.56%)
Mutual labels:  image-classification
Tta wrapper
Test Time image Augmentation (TTA) wrapper for Keras model.
Stars: ✭ 98 (-16.95%)
Mutual labels:  image-classification
Lightnet
🌓 Bringing pjreddie's DarkNet out of the shadows #yolo
Stars: ✭ 322 (+172.88%)
Mutual labels:  image-classification
Deep learning projects
Stars: ✭ 28 (-76.27%)
Mutual labels:  image-classification
Darts
Differentiable architecture search for convolutional and recurrent networks
Stars: ✭ 3,463 (+2834.75%)
Mutual labels:  image-classification
Object Recognition Tensorflow
Object Recognition using TensorFlow and Java
Stars: ✭ 77 (-34.75%)
Mutual labels:  image-classification
Flutter programs
Experiments with Mobile
Stars: ✭ 308 (+161.02%)
Mutual labels:  image-classification
Retrained Inceptionv3
Retrained InceptionV3 image classification model
Stars: ✭ 15 (-87.29%)
Mutual labels:  image-classification
Stagesepx
detect stages in video automatically
Stars: ✭ 293 (+148.31%)
Mutual labels:  image-classification
Protest Detection Violence Estimation
Implementation of the model used in the paper Protest Activity Detection and Perceived Violence Estimation from Social Media Images (ACM Multimedia 2017)
Stars: ✭ 114 (-3.39%)
Mutual labels:  image-classification
Vit Pytorch
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Stars: ✭ 7,199 (+6000.85%)
Mutual labels:  image-classification
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (-80.51%)
Mutual labels:  image-classification
Mobilenetv2
A Keras implementation of MobileNetV2.
Stars: ✭ 277 (+134.75%)
Mutual labels:  image-classification
Pytorch Book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Stars: ✭ 9,546 (+7989.83%)
Mutual labels:  image-classification
Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (+127.97%)
Mutual labels:  image-classification
Node Image Classification
A simple example on Image Classification in Node.js with TensorFlow.js
Stars: ✭ 23 (-80.51%)
Mutual labels:  image-classification
Hub
A library for transfer learning by reusing parts of TensorFlow models.
Stars: ✭ 3,007 (+2448.31%)
Mutual labels:  image-classification
Ml Classifier
A tool for quickly training image classifiers in the browser
Stars: ✭ 97 (-17.8%)
Mutual labels:  image-classification
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-84.75%)
Mutual labels:  image-classification
Keras transfer cifar10
Object classification with CIFAR-10 using transfer learning
Stars: ✭ 120 (+1.69%)
Mutual labels:  image-classification
Amla
AutoML frAmework for Neural Networks
Stars: ✭ 119 (+0.85%)
Mutual labels:  image-classification
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (-5.08%)
Mutual labels:  image-classification
Fakeimagedetector
Image Tampering Detection using ELA and CNN
Stars: ✭ 93 (-21.19%)
Mutual labels:  image-classification
Global Self Attention Network
A Pytorch implementation of Global Self-Attention Network, a fully-attention backbone for vision tasks
Stars: ✭ 64 (-45.76%)
Mutual labels:  image-classification
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+582.2%)
Mutual labels:  image-classification
61-120 of 333 similar projects