All Projects → Imagenet → Similar Projects or Alternatives

6846 Open source projects that are alternatives of or similar to Imagenet

Pytorch Book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
Stars: ✭ 9,546 (+16946.43%)
Pedestrian Cam
Monitoring Foot Traffic over IP Webcams with ML
Stars: ✭ 113 (+101.79%)
Mutual labels:  jupyter-notebook, yolo
Imagenetv2
A new test set for ImageNet
Stars: ✭ 109 (+94.64%)
Mutual labels:  jupyter-notebook, imagenet
Pneumonia Detection From Chest X Ray Images With Deep Learning
Detecting Pneumonia in Chest X-ray Images using Convolutional Neural Network and Pretrained Models
Stars: ✭ 64 (+14.29%)
Mutual labels:  jupyter-notebook, imagenet
Hrnet Image Classification
Train the HRNet model on ImageNet
Stars: ✭ 633 (+1030.36%)
Mutual labels:  image-classification, imagenet
Knowledge Distillation Keras
A machine learning experiment
Stars: ✭ 160 (+185.71%)
Ipyplot
IPyPlot is a small python package offering fast and efficient plotting of images inside Python Notebooks. It's using IPython with HTML for faster, richer and more interactive way of displaying big numbers of images.
Stars: ✭ 152 (+171.43%)
Food 101 Keras
Food Classification with Deep Learning in Keras / Tensorflow
Stars: ✭ 646 (+1053.57%)
Caffenet Benchmark
Evaluation of the CNN design choices performance on ImageNet-2012.
Stars: ✭ 700 (+1150%)
Mutual labels:  jupyter-notebook, imagenet
Shufflenet V2 Tensorflow
A lightweight convolutional neural network
Stars: ✭ 145 (+158.93%)
Mutual labels:  jupyter-notebook, imagenet
Fusenet
Deep fusion project of deeply-fused nets, and the study on the connection to ensembling
Stars: ✭ 230 (+310.71%)
Mutual labels:  jupyter-notebook, imagenet
Triplet Attention
Official PyTorch Implementation for "Rotate to Attend: Convolutional Triplet Attention Module." [WACV 2021]
Stars: ✭ 222 (+296.43%)
Mutual labels:  jupyter-notebook, imagenet
Applied Deep Learning With Tensorflow
Learn applied deep learning from zero to deployment using TensorFlow 1.8+
Stars: ✭ 160 (+185.71%)
Mutual labels:  google-cloud, jupyter-notebook
One Pixel Attack Keras
Keras implementation of "One pixel attack for fooling deep neural networks" using differential evolution on Cifar10 and ImageNet
Stars: ✭ 1,097 (+1858.93%)
Mutual labels:  jupyter-notebook, imagenet
Parametric-Contrastive-Learning
Parametric Contrastive Learning (ICCV2021)
Stars: ✭ 155 (+176.79%)
Mutual labels:  imagenet, image-classification
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (+312.5%)
Mutual labels:  imagenet, image-classification
Skin Lesions Classification DCNNs
Transfer Learning with DCNNs (DenseNet, Inception V3, Inception-ResNet V2, VGG16) for skin lesions classification
Stars: ✭ 47 (-16.07%)
Mutual labels:  imagenet, image-classification
ScaledYOLOv4
Scaled-YOLOv4: Scaling Cross Stage Partial Network
Stars: ✭ 1,944 (+3371.43%)
Mutual labels:  yolo, yolov3
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+389.29%)
Mutual labels:  yolo, imagenet
darknet
php ffi darknet
Stars: ✭ 21 (-62.5%)
Mutual labels:  yolo, yolov3
Dmsmsgrcg
A photo OCR project aims to output DMS messages contained in sign structure images.
Stars: ✭ 18 (-67.86%)
Mutual labels:  image-classification, yolo
ffcnn
ffcnn is a cnn neural network inference framework, written in 600 lines C language.
Stars: ✭ 50 (-10.71%)
Mutual labels:  yolo, yolov3
simpleAICV-pytorch-ImageNet-COCO-training
SimpleAICV:pytorch training example on ImageNet(ILSVRC2012)/COCO2017/VOC2007+2012 datasets.Include ResNet/DarkNet/RetinaNet/FCOS/CenterNet/TTFNet/YOLOv3/YOLOv4/YOLOv5/YOLOX.
Stars: ✭ 276 (+392.86%)
Mutual labels:  imagenet, yolov3
YOLOX
YOLOX is a high-performance anchor-free YOLO, exceeding yolov3~v5 with MegEngine, ONNX, TensorRT, ncnn, and OpenVINO supported. Documentation: https://yolox.readthedocs.io/
Stars: ✭ 6,570 (+11632.14%)
Mutual labels:  yolo, yolov3
YOLOX deepsort tracker
using yolox+deepsort for object-tracking
Stars: ✭ 228 (+307.14%)
Mutual labels:  yolo, yolov3
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (+58.93%)
Mutual labels:  yolo, yolov3
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+1217.86%)
Mutual labels:  jupyter-notebook, yolo
Grocery Product Classification
Implementation of the paper "A Hierarchical Grocery Store Image Dataset with Visual and Semantic Labels"
Stars: ✭ 23 (-58.93%)
Orange3 Imageanalytics
🍊 🎑 Orange3 add-on for dealing with image related tasks
Stars: ✭ 24 (-57.14%)
Mutual labels:  image-classification, imagenet
Onnx tflite yolov3
A Conversion tool to convert YOLO v3 Darknet weights to TF Lite model (YOLO v3 PyTorch > ONNX > TensorFlow > TF Lite), and to TensorRT (YOLO v3 Pytorch > ONNX > TensorRT).
Stars: ✭ 52 (-7.14%)
Mutual labels:  jupyter-notebook, yolov3
Labelimg
🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
Stars: ✭ 16,088 (+28628.57%)
Mutual labels:  image-classification, imagenet
Dab
Data Augmentation by Backtranslation (DAB) ヽ( •_-)ᕗ
Stars: ✭ 294 (+425%)
Mutual labels:  google-cloud, jupyter-notebook
Pytorch Yolo V3
A PyTorch implementation of the YOLO v3 object detection algorithm
Stars: ✭ 3,148 (+5521.43%)
Mutual labels:  yolo, yolov3
Cs329s Ml Deployment Tutorial
Code and files to go along with CS329s machine learning model deployment tutorial.
Stars: ✭ 314 (+460.71%)
Mutual labels:  google-cloud, jupyter-notebook
Deep learning projects
Stars: ✭ 28 (-50%)
Pytorchnethub
项目注释+论文复现+算法竞赛
Stars: ✭ 341 (+508.93%)
Mutual labels:  jupyter-notebook, yolov3
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+385.71%)
Yolov3
YOLOv3 in PyTorch > ONNX > CoreML > TFLite
Stars: ✭ 8,159 (+14469.64%)
Mutual labels:  yolo, yolov3
Yolo Vehicle Counter
This project aims to count every vehicle (motorcycle, bus, car, cycle, truck, train) detected in the input video using YOLOv3 object-detection algorithm.
Stars: ✭ 28 (-50%)
Mutual labels:  yolo, yolov3
Pba
Efficient Learning of Augmentation Policy Schedules
Stars: ✭ 461 (+723.21%)
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+605.36%)
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+850%)
Mutual labels:  image-classification, imagenet
Fishnet
Implementation code of the paper: FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction, NeurIPS 2018
Stars: ✭ 533 (+851.79%)
Mutual labels:  image-classification, imagenet
Stronger Yolo
🔥Improve yolo with latest paper
Stars: ✭ 539 (+862.5%)
Mutual labels:  yolo, yolov3
miemiedetection
Pytorch implementation of YOLOX、PPYOLO、PPYOLOv2、FCOS an so on.
Stars: ✭ 52 (-7.14%)
Mutual labels:  yolo, yolov3
Esper Tv
Esper instance for TV news analysis
Stars: ✭ 37 (-33.93%)
Mutual labels:  google-cloud, jupyter-notebook
Cvat
Powerful and efficient Computer Vision Annotation Tool (CVAT)
Stars: ✭ 6,557 (+11608.93%)
Mutual labels:  image-classification, imagenet
Yolo Tf2
yolo(all versions) implementation in keras and tensorflow 2.4
Stars: ✭ 695 (+1141.07%)
Mutual labels:  yolo, yolov3
Dogs vs cats
猫狗大战
Stars: ✭ 570 (+917.86%)
Yolo annotation tool
Annotation tool for YOLO in opencv
Stars: ✭ 17 (-69.64%)
Mutual labels:  yolo, yolov3
Mobilenet Yolo
A caffe implementation of MobileNet-YOLO detection network
Stars: ✭ 825 (+1373.21%)
Mutual labels:  yolo, yolov3
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 (-58.93%)
Yolov3 pytorch
Full implementation of YOLOv3 in PyTorch
Stars: ✭ 570 (+917.86%)
Mutual labels:  yolo, yolov3
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+4194.64%)
Mutual labels:  image-classification, imagenet
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+216.07%)
Mutual labels:  image-classification, imagenet
car-crash-accident
Car Crash Accident Project
Stars: ✭ 14 (-75%)
Mutual labels:  image-classification, yolov3
Keras Yolov3 Mobilenet
I transfer the backend of yolov3 into Mobilenetv1,VGG16,ResNet101 and ResNeXt101
Stars: ✭ 552 (+885.71%)
Mutual labels:  yolo, yolov3
Tensorflow Yolo V3
Implementation of YOLO v3 object detector in Tensorflow (TF-Slim)
Stars: ✭ 862 (+1439.29%)
Mutual labels:  yolo, yolov3
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+1653.57%)
Mutual labels:  yolo, yolov3
Computervision Recipes
Best Practices, code samples, and documentation for Computer Vision.
Stars: ✭ 8,214 (+14567.86%)
61-120 of 6846 similar projects