All Projects → Dcgan → Similar Projects or Alternatives

231 Open source projects that are alternatives of or similar to Dcgan

Randwirenn
Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"
Stars: ✭ 675 (+3114.29%)
Mutual labels:  imagenet
DLSS
Deep Learning Super Sampling with Deep Convolutional Generative Adversarial Networks.
Stars: ✭ 88 (+319.05%)
Mutual labels:  dcgan
Class Balanced Loss
Class-Balanced Loss Based on Effective Number of Samples. CVPR 2019
Stars: ✭ 433 (+1961.9%)
Mutual labels:  imagenet
gans-collection.torch
Torch implementation of various types of GAN (e.g. DCGAN, ALI, Context-encoder, DiscoGAN, CycleGAN, EBGAN, LSGAN)
Stars: ✭ 53 (+152.38%)
Mutual labels:  dcgan
Pytorch image classification
PyTorch implementation of image classification models for CIFAR-10/CIFAR-100/MNIST/FashionMNIST/Kuzushiji-MNIST/ImageNet
Stars: ✭ 795 (+3685.71%)
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 (-14.29%)
Mutual labels:  imagenet
Computer Vision
Programming Assignments and Lectures for Stanford's CS 231: Convolutional Neural Networks for Visual Recognition
Stars: ✭ 408 (+1842.86%)
Mutual labels:  imagenet
pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 788 (+3652.38%)
Mutual labels:  imagenet
Hrnet Image Classification
Train the HRNet model on ImageNet
Stars: ✭ 633 (+2914.29%)
Mutual labels:  imagenet
catgan pytorch
Unsupervised and Semi-supervised Learning with Categorical Generative Adversarial Networks
Stars: ✭ 50 (+138.1%)
Mutual labels:  dcgan
Igan
Interactive Image Generation via Generative Adversarial Networks
Stars: ✭ 3,845 (+18209.52%)
Mutual labels:  dcgan
Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Stars: ✭ 8,046 (+38214.29%)
Mutual labels:  imagenet
Imagenetscraper
👁 Bulk-download all thumbnails from an ImageNet synset, with optional rescaling
Stars: ✭ 24 (+14.29%)
Mutual labels:  imagenet
Open-Set-Recognition
Open Set Recognition
Stars: ✭ 49 (+133.33%)
Mutual labels:  imagenet
Dcgan Lsgan Wgan Gp Dragan Tensorflow 2
DCGAN LSGAN WGAN-GP DRAGAN Tensorflow 2
Stars: ✭ 373 (+1676.19%)
Mutual labels:  dcgan
tf-imagenet
TensorFlow ImageNet - Training and SOTA checkpoints
Stars: ✭ 50 (+138.1%)
Mutual labels:  imagenet
Label Studio
Label Studio is a multi-type data labeling and annotation tool with standardized output format
Stars: ✭ 7,264 (+34490.48%)
Mutual labels:  imagenet
Tiny-Imagenet-200
🔬 Some personal research code on analyzing CNNs. Started with a thorough exploration of Stanford's Tiny-Imagenet-200 dataset.
Stars: ✭ 68 (+223.81%)
Mutual labels:  imagenet
Mobilenetv2.pytorch
72.8% MobileNetV2 1.0 model on ImageNet and a spectrum of pre-trained MobileNetV2 models
Stars: ✭ 369 (+1657.14%)
Mutual labels:  imagenet
DCGAN-Head-Portrait-Generator
深度卷积生成对抗网络(DCGAN)—— 动漫妹子头像生成 2018-10-22
Stars: ✭ 19 (-9.52%)
Mutual labels:  dcgan
Context Encoder
[CVPR 2016] Unsupervised Feature Learning by Image Inpainting using GANs
Stars: ✭ 731 (+3380.95%)
Mutual labels:  dcgan
LSGAN
Chainer implementation of Least Squares GAN (LSGAN)
Stars: ✭ 54 (+157.14%)
Mutual labels:  dcgan
Pycadl
Python package with source code from the course "Creative Applications of Deep Learning w/ TensorFlow"
Stars: ✭ 356 (+1595.24%)
Mutual labels:  dcgan
lambda.pytorch
PyTorch implementation of Lambda Network and pretrained Lambda-ResNet
Stars: ✭ 54 (+157.14%)
Mutual labels:  imagenet
Awesome Gans
Awesome Generative Adversarial Networks with tensorflow
Stars: ✭ 585 (+2685.71%)
Mutual labels:  dcgan
NIPS-Global-Paper-Implementation-Challenge
Selective Classification For Deep Neural Networks.
Stars: ✭ 11 (-47.62%)
Mutual labels:  imagenet
Cat Generator
Generate cat images with neural networks
Stars: ✭ 354 (+1585.71%)
Mutual labels:  dcgan
alexnet-architecture.tensorflow
Unofficial TensorFlow implementation of "AlexNet" architecture.
Stars: ✭ 15 (-28.57%)
Mutual labels:  imagenet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+4366.67%)
Mutual labels:  imagenet
image-classification
A collection of SOTA Image Classification Models in PyTorch
Stars: ✭ 70 (+233.33%)
Mutual labels:  imagenet
Benchmarking Keras Pytorch
🔥 Reproducibly benchmarking Keras and PyTorch models
Stars: ✭ 346 (+1547.62%)
Mutual labels:  imagenet
super-gradients
Easily train or fine-tune SOTA computer vision models with one open source training library
Stars: ✭ 429 (+1942.86%)
Mutual labels:  imagenet
Meal V2
MEAL V2: Boosting Vanilla ResNet-50 to 80%+ Top-1 Accuracy on ImageNet without Tricks
Stars: ✭ 534 (+2442.86%)
Mutual labels:  imagenet
etiketai
Etiketai is an online tool designed to label images, useful for training AI models
Stars: ✭ 63 (+200%)
Mutual labels:  imagenet
Rexnet
Official Pytorch implementation of ReXNet (Rank eXpansion Network) with pretrained models
Stars: ✭ 319 (+1419.05%)
Mutual labels:  imagenet
gan-vae-pretrained-pytorch
Pretrained GANs + VAEs + classifiers for MNIST/CIFAR in pytorch.
Stars: ✭ 134 (+538.1%)
Mutual labels:  dcgan
Keras Idiomatic Programmer
Books, Presentations, Workshops, Notebook Labs, and Model Zoo for Software Engineers and Data Scientists wanting to learn the TF.Keras Machine Learning framework
Stars: ✭ 720 (+3328.57%)
Mutual labels:  dcgan
keras-text-to-image
Translate text to image in Keras using GAN and Word2Vec as well as recurrent neural networks
Stars: ✭ 60 (+185.71%)
Mutual labels:  dcgan
Pytorch Randaugment
Unofficial PyTorch Reimplementation of RandAugment.
Stars: ✭ 323 (+1438.1%)
Mutual labels:  imagenet
datumaro
Dataset Management Framework, a Python library and a CLI tool to build, analyze and manage Computer Vision datasets.
Stars: ✭ 274 (+1204.76%)
Mutual labels:  imagenet
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+2433.33%)
Mutual labels:  imagenet
Stochastic-Quantization
Training Low-bits DNNs with Stochastic Quantization
Stars: ✭ 70 (+233.33%)
Mutual labels:  imagenet
Assembled Cnn
Tensorflow implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
Stars: ✭ 319 (+1419.05%)
Mutual labels:  imagenet
DetectionMetrics
Tool to evaluate deep-learning detection and segmentation models, and to create datasets
Stars: ✭ 66 (+214.29%)
Mutual labels:  imagenet
Tensorlayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
Stars: ✭ 6,796 (+32261.9%)
Mutual labels:  imagenet
Generative-Model
Repository for implementation of generative models with Tensorflow 1.x
Stars: ✭ 66 (+214.29%)
Mutual labels:  dcgan
Pnasnet.pytorch
PyTorch implementation of PNASNet-5 on ImageNet
Stars: ✭ 309 (+1371.43%)
Mutual labels:  imagenet
DCGAN-Pytorch
A Pytorch implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 23 (+9.52%)
Mutual labels:  dcgan
Ml5 Library
Friendly machine learning for the web! 🤖
Stars: ✭ 5,280 (+25042.86%)
Mutual labels:  imagenet
efficientnetv2.pytorch
PyTorch implementation of EfficientNetV2 family
Stars: ✭ 366 (+1642.86%)
Mutual labels:  imagenet
Computer Vision Leaderboard
Comparison of famous convolutional neural network models
Stars: ✭ 299 (+1323.81%)
Mutual labels:  imagenet
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (+1000%)
Mutual labels:  imagenet
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (+3157.14%)
Mutual labels:  dcgan
Dcgan
The Simplest DCGAN Implementation
Stars: ✭ 286 (+1261.9%)
Mutual labels:  dcgan
Dcgan Tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
Stars: ✭ 6,963 (+33057.14%)
Mutual labels:  dcgan
Orange3 Imageanalytics
🍊 🎑 Orange3 add-on for dealing with image related tasks
Stars: ✭ 24 (+14.29%)
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 (+3728.57%)
Mutual labels:  imagenet
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+3119.05%)
Mutual labels:  imagenet
Robustness
Corruption and Perturbation Robustness (ICLR 2019)
Stars: ✭ 463 (+2104.76%)
Mutual labels:  imagenet
Randwirenn
Pytorch Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"
Stars: ✭ 270 (+1185.71%)
Mutual labels:  imagenet
61-120 of 231 similar projects