All Projects → Moga → Similar Projects or Alternatives

152 Open source projects that are alternatives of or similar to Moga

Mobilenetworks
Keras implementation of Mobile Networks
Stars: ✭ 132 (-40%)
Mutual labels:  imagenet
Lemniscate.pytorch
Unsupervised Feature Learning via Non-parametric Instance Discrimination
Stars: ✭ 532 (+141.82%)
Mutual labels:  imagenet
Tf Mobilenet V2
Mobilenet V2(Inverted Residual) Implementation & Trained Weights Using Tensorflow
Stars: ✭ 85 (-61.36%)
Mutual labels:  imagenet
Fishnet
Implementation code of the paper: FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction, NeurIPS 2018
Stars: ✭ 533 (+142.27%)
Mutual labels:  imagenet
Senet Caffe
A Caffe Re-Implementation of SENet
Stars: ✭ 169 (-23.18%)
Mutual labels:  imagenet
Tensorflow object tracking video
Object Tracking in Tensorflow ( Localization Detection Classification ) developed to partecipate to ImageNET VID competition
Stars: ✭ 491 (+123.18%)
Mutual labels:  imagenet
Mobilenet Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
Stars: ✭ 1,217 (+453.18%)
Mutual labels:  imagenet
Msdnet
Multi-Scale Dense Networks for Resource Efficient Image Classification (ICLR 2018 Oral)
Stars: ✭ 443 (+101.36%)
Mutual labels:  imagenet
Vision4j Collection
Collection of computer vision models, ready to be included in a JVM project
Stars: ✭ 132 (-40%)
Mutual labels:  imagenet
Neural Backed Decision Trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Stars: ✭ 411 (+86.82%)
Mutual labels:  imagenet
Artos
Adaptive Real-Time Object Detection System with HOG and CNN Features
Stars: ✭ 64 (-70.91%)
Mutual labels:  imagenet
Espnetv2
A light-weight, power efficient, and general purpose convolutional neural network
Stars: ✭ 377 (+71.36%)
Mutual labels:  imagenet
Atomnas
Code for ICLR 2020 paper 'AtomNAS: Fine-Grained End-to-End Neural Architecture Search'
Stars: ✭ 197 (-10.45%)
Mutual labels:  imagenet
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (+61.36%)
Mutual labels:  imagenet
Tf Hrnet
tensorflow implementation for "High-Resolution Representations for Labeling Pixels and Regions"
Stars: ✭ 61 (-72.27%)
Mutual labels:  imagenet
Benchmarking Keras Pytorch
🔥 Reproducibly benchmarking Keras and PyTorch models
Stars: ✭ 346 (+57.27%)
Mutual labels:  imagenet
Regnet
Pytorch implementation of network design paradigm described in the paper "Designing Network Design Spaces"
Stars: ✭ 129 (-41.36%)
Mutual labels:  imagenet
Rexnet
Official Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Stars: ✭ 319 (+45%)
Mutual labels:  imagenet
Big transfer
Official repository for the "Big Transfer (BiT): General Visual Representation Learning" paper.
Stars: ✭ 1,096 (+398.18%)
Mutual labels:  imagenet
Pytorch Randaugment
Unofficial PyTorch Reimplementation of RandAugment.
Stars: ✭ 323 (+46.82%)
Mutual labels:  imagenet
Imagenet
TensorFlow implementation of AlexNet and its training and testing on ImageNet ILSVRC 2012 dataset
Stars: ✭ 155 (-29.55%)
Mutual labels:  imagenet
Assembled Cnn
Tensorflow implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
Stars: ✭ 319 (+45%)
Mutual labels:  imagenet
Imagenet
Trial on kaggle imagenet object localization by yolo v3 in google cloud
Stars: ✭ 56 (-74.55%)
Mutual labels:  imagenet
Pnasnet.pytorch
PyTorch implementation of PNASNet-5 on ImageNet
Stars: ✭ 309 (+40.45%)
Mutual labels:  imagenet
Pyramidnet
Torch implementation of the paper "Deep Pyramidal Residual Networks" (https://arxiv.org/abs/1610.02915).
Stars: ✭ 121 (-45%)
Mutual labels:  imagenet
Computer Vision Leaderboard
Comparison of famous convolutional neural network models
Stars: ✭ 299 (+35.91%)
Mutual labels:  imagenet
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+3680.91%)
Mutual labels:  imagenet
Mobilenetv3.pytorch
74.3% MobileNetV3-Large and 67.2% MobileNetV3-Small model on ImageNet
Stars: ✭ 283 (+28.64%)
Mutual labels:  imagenet
Labelimg
🖍️ LabelImg is a graphical image annotation tool and label object bounding boxes in images
Stars: ✭ 16,088 (+7212.73%)
Mutual labels:  imagenet
regnet.pytorch
PyTorch-style and human-readable RegNet with a spectrum of pre-trained models
Stars: ✭ 50 (-77.27%)
Mutual labels:  imagenet
Imagenet resnet tensorflow2.0
Train ResNet on ImageNet in Tensorflow 2.0; ResNet 在ImageNet上完整训练代码
Stars: ✭ 42 (-80.91%)
Mutual labels:  imagenet
ONNX-ImageNet-1K-Object-Detector
Python scripts for performing object detection with the 1000 labels of the ImageNet dataset in ONNX. The repository combines a class agnostic object localizer to first detect the objects in the image, and next a ResNet50 model trained on ImageNet is used to label each box.
Stars: ✭ 18 (-91.82%)
Mutual labels:  imagenet
Ir Net
This project is the PyTorch implementation of our accepted CVPR 2020 paper : forward and backward information retention for accurate binary neural networks.
Stars: ✭ 119 (-45.91%)
Mutual labels:  imagenet
keras cv attention models
Keras/Tensorflow attention models including beit,botnet,CMT,CoaT,CoAtNet,convnext,cotnet,davit,efficientdet,efficientnet,fbnet,gmlp,halonet,lcnet,levit,mlp-mixer,mobilevit,nfnets,regnet,resmlp,resnest,resnext,resnetd,swin,tinynet,uniformer,volo,wavemlp,yolor,yolox
Stars: ✭ 159 (-27.73%)
Mutual labels:  imagenet
Dcgan
Porting pytorch dcgan on FloydHub
Stars: ✭ 21 (-90.45%)
Mutual labels:  imagenet
perceptual-advex
Code and data for the ICLR 2021 paper "Perceptual Adversarial Robustness: Defense Against Unseen Threat Models".
Stars: ✭ 44 (-80%)
Mutual labels:  imagenet
Alexnet
implement AlexNet with C / convolutional nerual network / machine learning / computer vision
Stars: ✭ 147 (-33.18%)
Mutual labels:  imagenet
pigallery
PiGallery: AI-powered Self-hosted Secure Multi-user Image Gallery and Detailed Image analysis using Machine Learning, EXIF Parsing and Geo Tagging
Stars: ✭ 35 (-84.09%)
Mutual labels:  imagenet
Orange3 Imageanalytics
🍊 🎑 Orange3 add-on for dealing with image related tasks
Stars: ✭ 24 (-89.09%)
Mutual labels:  imagenet
Attack-ImageNet
No.2 solution of Tianchi ImageNet Adversarial Attack Challenge.
Stars: ✭ 41 (-81.36%)
Mutual labels:  imagenet
Moco
Unofficial implementation with pytorch DistributedDataParallel for "MoCo: Momentum Contrast for Unsupervised Visual Representation Learning"
Stars: ✭ 112 (-49.09%)
Mutual labels:  imagenet
ModelZoo.pytorch
Hands on Imagenet training. Unofficial ModelZoo project on Pytorch. MobileNetV3 Top1 75.64🌟 GhostNet1.3x 75.78🌟
Stars: ✭ 42 (-80.91%)
Mutual labels:  imagenet
Mini Imagenet
Generate mini-ImageNet with ImageNet for fewshot learning
Stars: ✭ 22 (-90%)
Mutual labels:  imagenet
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-95%)
Mutual labels:  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 (-19.55%)
Mutual labels:  imagenet
alexnet-architecture.tensorflow
Unofficial TensorFlow implementation of "AlexNet" architecture.
Stars: ✭ 15 (-93.18%)
Mutual labels:  imagenet
Switchable Normalization
Code for Switchable Normalization from "Differentiable Learning-to-Normalize via Switchable Normalization", https://arxiv.org/abs/1806.10779
Stars: ✭ 804 (+265.45%)
Mutual labels:  imagenet
image-classification
A collection of SOTA Image Classification Models in PyTorch
Stars: ✭ 70 (-68.18%)
Mutual labels:  imagenet
Resnet Imagenet Caffe
train resnet on imagenet from scratch with caffe
Stars: ✭ 105 (-52.27%)
Mutual labels:  imagenet
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+95%)
Mutual labels:  imagenet
Addernet
Code for paper " AdderNet: Do We Really Need Multiplications in Deep Learning?"
Stars: ✭ 722 (+228.18%)
Mutual labels:  imagenet
etiketai
Etiketai is an online tool designed to label images, useful for training AI models
Stars: ✭ 63 (-71.36%)
Mutual labels:  imagenet
Efficientnet
Implementation of EfficientNet model. Keras and TensorFlow Keras.
Stars: ✭ 1,920 (+772.73%)
Mutual labels:  imagenet
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+207.27%)
Mutual labels:  imagenet
Mini Imagenet Tools
Tools for generating mini-ImageNet dataset and processing batches
Stars: ✭ 209 (-5%)
Mutual labels:  imagenet
Sequential Imagenet Dataloader
A plug-in replacement for DataLoader to load ImageNet disk-sequentially in PyTorch.
Stars: ✭ 198 (-10%)
Mutual labels:  imagenet
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+993.18%)
Mutual labels:  imagenet
Tensorrt Utils
⚡ Useful scripts when using TensorRT
Stars: ✭ 136 (-38.18%)
Mutual labels:  imagenet
Vovnet.pytorch
A pytorch implementation of VoVNet
Stars: ✭ 101 (-54.09%)
Mutual labels:  imagenet
Hrnet Image Classification
Train the HRNet model on ImageNet
Stars: ✭ 633 (+187.73%)
Mutual labels:  imagenet
61-120 of 152 similar projects