All Projects → Hypernetworks → Similar Projects or Alternatives

174 Open source projects that are alternatives of or similar to Hypernetworks

Cbir
🏞 A content-based image retrieval (CBIR) system
Stars: ✭ 407 (+328.42%)
Mutual labels:  resnet
Self Label
Self-labelling via simultaneous clustering and representation learning. (ICLR 2020)
Stars: ✭ 324 (+241.05%)
Mutual labels:  resnet
Retinanet
Keras implementation of RetinaNet for object detection and visual relationship identification
Stars: ✭ 24 (-74.74%)
Mutual labels:  resnet
Tf Tutorials
A collection of deep learning tutorials using Tensorflow and Python
Stars: ✭ 524 (+451.58%)
Mutual labels:  resnet
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (+186.32%)
Mutual labels:  resnet
Resnet
Tensorflow ResNet implementation on cifar10
Stars: ✭ 10 (-89.47%)
Mutual labels:  resnet
Tf Faster Rcnn
Tensorflow Faster RCNN for Object Detection
Stars: ✭ 3,604 (+3693.68%)
Mutual labels:  resnet
Mobile Image Matting
a lightweight image matting model
Stars: ✭ 61 (-35.79%)
Mutual labels:  resnet
Deepxi
Deep Xi: A deep learning approach to a priori SNR estimation implemented in TensorFlow 2/Keras. For speech enhancement and robust ASR.
Stars: ✭ 304 (+220%)
Mutual labels:  resnet
Deep Ctr Prediction
CTR prediction models based on deep learning(基于深度学习的广告推荐CTR预估模型)
Stars: ✭ 628 (+561.05%)
Mutual labels:  resnet
Pytorch resnet cifar10
Proper implementation of ResNet-s for CIFAR10/100 in pytorch that matches description of the original paper.
Stars: ✭ 537 (+465.26%)
Mutual labels:  resnet
Class-Activation-Mappings
Visualizing where the Convolution Network is looking through CAM.
Stars: ✭ 20 (-78.95%)
Mutual labels:  resnet
Imagenet resnet tensorflow2.0
Train ResNet on ImageNet in Tensorflow 2.0; ResNet 在ImageNet上完整训练代码
Stars: ✭ 42 (-55.79%)
Mutual labels:  resnet
Resnext.pytorch
Reproduces ResNet-V3 with pytorch
Stars: ✭ 424 (+346.32%)
Mutual labels:  resnet
Gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 70 (-26.32%)
Mutual labels:  resnet
Pytorch classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
Stars: ✭ 395 (+315.79%)
Mutual labels:  resnet
Vgg16 Pytorch
VGG16 Net implementation from PyTorch Examples scripts for ImageNet dataset
Stars: ✭ 26 (-72.63%)
Mutual labels:  resnet
Real Time Gesrec
Real-time Hand Gesture Recognition with PyTorch on EgoGesture, NvGesture, Jester, Kinetics and UCF101
Stars: ✭ 339 (+256.84%)
Mutual labels:  resnet
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (-11.58%)
Mutual labels:  resnet
Deepslide
Code for the Nature Scientific Reports paper "Pathologist-level classification of histologic patterns on resected lung adenocarcinoma slides with deep neural networks." A sliding window framework for classification of high resolution whole-slide images, often microscopy or histopathology images.
Stars: ✭ 315 (+231.58%)
Mutual labels:  resnet
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 (+657.89%)
Mutual labels:  resnet
Shake Shake
2.86% and 15.85% on CIFAR-10 and CIFAR-100
Stars: ✭ 291 (+206.32%)
Mutual labels:  resnet
Pytorch Image Models
PyTorch image models, scripts, pretrained weights -- ResNet, ResNeXT, EfficientNet, EfficientNetV2, NFNet, Vision Transformer, MixNet, MobileNet-V3/V2, RegNet, DPN, CSPNet, and more
Stars: ✭ 15,232 (+15933.68%)
Mutual labels:  resnet
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (+174.74%)
Mutual labels:  resnet
Cifar Zoo
PyTorch implementation of CNNs for CIFAR benchmark
Stars: ✭ 584 (+514.74%)
Mutual labels:  resnet
Video Classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Stars: ✭ 543 (+471.58%)
Mutual labels:  resnet
i3d-tensorflow
Inflated 3D ConvNets for video understanding
Stars: ✭ 46 (-51.58%)
Mutual labels:  resnet
Segmentationcpp
A c++ trainable semantic segmentation library based on libtorch (pytorch c++). Backbone: ResNet, ResNext. Architecture: FPN, U-Net, PAN, LinkNet, PSPNet, DeepLab-V3, DeepLab-V3+ by now.
Stars: ✭ 49 (-48.42%)
Mutual labels:  resnet
Mmclassification
OpenMMLab Image Classification Toolbox and Benchmark
Stars: ✭ 532 (+460%)
Mutual labels:  resnet
Tools To Design Or Visualize Architecture Of Neural Network
Tools to Design or Visualize Architecture of Neural Network
Stars: ✭ 1,143 (+1103.16%)
Mutual labels:  resnet
Awesome Very Deep Learning
♾A curated list of papers and code about very deep neural networks
Stars: ✭ 435 (+357.89%)
Mutual labels:  resnet
Tensornets
High level network definitions with pre-trained weights in TensorFlow
Stars: ✭ 982 (+933.68%)
Mutual labels:  resnet
R2cnn fpn tensorflow
R2CNN: Rotational Region CNN Based on FPN (Tensorflow)
Stars: ✭ 412 (+333.68%)
Mutual labels:  resnet
Caffe Model
Caffe models (including classification, detection and segmentation) and deploy files for famouse networks
Stars: ✭ 1,258 (+1224.21%)
Mutual labels:  resnet
Fpn tensorflow
A Tensorflow implementation of FPN detection framework.
Stars: ✭ 407 (+328.42%)
Mutual labels:  resnet
Autodl
Automated Deep Learning without ANY human intervention. 1'st Solution for AutoDL [email protected]
Stars: ✭ 854 (+798.95%)
Mutual labels:  resnet
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 (+293.68%)
Mutual labels:  resnet
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (-32.63%)
Mutual labels:  resnet
Cnn Models
ImageNet pre-trained models with batch normalization for the Caffe framework
Stars: ✭ 355 (+273.68%)
Mutual labels:  resnet
Classification models
Classification models trained on ImageNet. Keras.
Stars: ✭ 938 (+887.37%)
Mutual labels:  resnet
Deeplabv3plus Pytorch
DeepLabv3, DeepLabv3+ and pretrained weights on VOC & Cityscapes
Stars: ✭ 337 (+254.74%)
Mutual labels:  resnet
Pytorch Classification
Classification with PyTorch.
Stars: ✭ 1,268 (+1234.74%)
Mutual labels:  resnet
Rezero
Official PyTorch Repo for "ReZero is All You Need: Fast Convergence at Large Depth"
Stars: ✭ 317 (+233.68%)
Mutual labels:  resnet
Bmw Tensorflow Training Gui
This repository allows you to get started with a gui based training a State-of-the-art Deep Learning model with little to no configuration needed! NoCode training with TensorFlow has never been so easy.
Stars: ✭ 736 (+674.74%)
Mutual labels:  resnet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+230.53%)
Mutual labels:  resnet
Cyclegan Qp
Official PyTorch implementation of "Artist Style Transfer Via Quadratic Potential"
Stars: ✭ 59 (-37.89%)
Mutual labels:  resnet
Segmentation models
Segmentation models with pretrained backbones. Keras and TensorFlow Keras.
Stars: ✭ 3,575 (+3663.16%)
Mutual labels:  resnet
Pytorch2keras
PyTorch to Keras model convertor
Stars: ✭ 676 (+611.58%)
Mutual labels:  resnet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+192.63%)
Mutual labels:  resnet
Yolo resnet
Implementing YOLO using ResNet as the feature extraction network
Stars: ✭ 82 (-13.68%)
Mutual labels:  resnet
Resnetcam Keras
Keras implementation of a ResNet-CAM model
Stars: ✭ 269 (+183.16%)
Mutual labels:  resnet
Vqa.pytorch
Visual Question Answering in Pytorch
Stars: ✭ 602 (+533.68%)
Mutual labels:  resnet
jax-resnet
Implementations and checkpoints for ResNet, Wide ResNet, ResNeXt, ResNet-D, and ResNeSt in JAX (Flax).
Stars: ✭ 61 (-35.79%)
Mutual labels:  resnet
Jacinto Ai Devkit
Training & Quantization of embedded friendly Deep Learning / Machine Learning / Computer Vision models
Stars: ✭ 49 (-48.42%)
Mutual labels:  resnet
Dogs vs cats
猫狗大战
Stars: ✭ 570 (+500%)
Mutual labels:  resnet
Keras Resnet
Residual networks implementation using Keras-1.0 functional API
Stars: ✭ 1,286 (+1253.68%)
Mutual labels:  resnet
M Pact
A one stop shop for all of your activity recognition needs.
Stars: ✭ 85 (-10.53%)
Mutual labels:  resnet
Boring Detector
State-of-the-art detector of Boring hats in images and videos.
Stars: ✭ 79 (-16.84%)
Mutual labels:  resnet
Pretrained Models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
Stars: ✭ 8,318 (+8655.79%)
Mutual labels:  resnet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+474.74%)
Mutual labels:  resnet
1-60 of 174 similar projects