All Projects → Pyramidnet → Similar Projects or Alternatives

319 Open source projects that are alternatives of or similar to Pyramidnet

Pytorch Hardnet
35% faster than ResNet: Harmonic DenseNet, A low memory traffic network
Stars: ✭ 293 (+142.15%)
Mutual labels:  imagenet
Crayon
A language-agnostic interface to TensorBoard
Stars: ✭ 776 (+541.32%)
Mutual labels:  torch7
Natural Adv Examples
A Harder ImageNet Test Set (CVPR 2021)
Stars: ✭ 317 (+161.98%)
Mutual labels:  imagenet
Gluon2pytorch
Gluon to PyTorch deep neural network model converter
Stars: ✭ 70 (-42.15%)
Mutual labels:  resnet
Awesome Computer Vision Models
A list of popular deep learning models related to classification, segmentation and detection problems
Stars: ✭ 278 (+129.75%)
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 (+508.26%)
Mutual labels:  resnet
Randwirenn
Pytorch Implementation of: "Exploring Randomly Wired Neural Networks for Image Recognition"
Stars: ✭ 270 (+123.14%)
Mutual labels:  imagenet
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+1011.57%)
Mutual labels:  resnet
Grad Cam Tensorflow
tensorflow implementation of Grad-CAM (CNN visualization)
Stars: ✭ 261 (+115.7%)
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 (+495.04%)
Mutual labels:  resnet
regnet.pytorch
PyTorch-style and human-readable RegNet with a spectrum of pre-trained models
Stars: ✭ 50 (-58.68%)
Mutual labels:  imagenet
Artos
Adaptive Real-Time Object Detection System with HOG and CNN Features
Stars: ✭ 64 (-47.11%)
Mutual labels:  imagenet
Class-Activation-Mappings
Visualizing where the Convolution Network is looking through CAM.
Stars: ✭ 20 (-83.47%)
Mutual labels:  resnet
Vovnet.pytorch
A pytorch implementation of VoVNet
Stars: ✭ 101 (-16.53%)
Mutual labels:  imagenet
Mobilenet Caffe
Caffe Implementation of Google's MobileNets (v1 and v2)
Stars: ✭ 1,217 (+905.79%)
Mutual labels:  imagenet
Retinanet
Keras implementation of RetinaNet for object detection and visual relationship identification
Stars: ✭ 24 (-80.17%)
Mutual labels:  resnet
Assembled Cnn
Tensorflow implementation of "Compounding the Performance Improvements of Assembled Techniques in a Convolutional Neural Network"
Stars: ✭ 319 (+163.64%)
Mutual labels:  imagenet
alpha-zero
AlphaZero implementation for Othello, Connect-Four and Tic-Tac-Toe based on "Mastering the game of Go without human knowledge" and "Mastering Chess and Shogi by Self-Play with a General Reinforcement Learning Algorithm" by DeepMind.
Stars: ✭ 68 (-43.8%)
Mutual labels:  resnet
Numpy Ml
Machine learning, in numpy
Stars: ✭ 11,100 (+9073.55%)
Mutual labels:  resnet
Retinal-Disease-Diagnosis-With-Residual-Attention-Networks
Using Residual Attention Networks to diagnose retinal diseases in medical images
Stars: ✭ 14 (-88.43%)
Mutual labels:  resnet
Efficientnet Pytorch
A PyTorch implementation of EfficientNet and EfficientNetV2 (coming soon!)
Stars: ✭ 6,685 (+5424.79%)
Mutual labels:  imagenet
DE resnet unet hyb
Depth estimation from RGB images using fully convolutional neural networks.
Stars: ✭ 40 (-66.94%)
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 (-47.11%)
Mutual labels:  resnet
RMNet
RM Operation can equivalently convert ResNet to VGG, which is better for pruning; and can help RepVGG perform better when the depth is large.
Stars: ✭ 129 (+6.61%)
Mutual labels:  resnet
Deep Ctr Prediction
CTR prediction models based on deep learning(基于深度学习的广告推荐CTR预估模型)
Stars: ✭ 628 (+419.01%)
Mutual labels:  resnet
Gradient-Samples
Samples for TensorFlow binding for .NET by Lost Tech
Stars: ✭ 53 (-56.2%)
Mutual labels:  resnet
3d Resnets
3D ResNets for Action Recognition
Stars: ✭ 95 (-21.49%)
Mutual labels:  torch7
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 (-85.12%)
Mutual labels:  imagenet
Label Studio
Label Studio is a multi-type data labeling and annotation tool with standardized output format
Stars: ✭ 7,264 (+5903.31%)
Mutual labels:  imagenet
Tf Hrnet
tensorflow implementation for "High-Resolution Representations for Labeling Pixels and Regions"
Stars: ✭ 61 (-49.59%)
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 (+31.4%)
Mutual labels:  imagenet
Cvat
Powerful and efficient Computer Vision Annotation Tool (CVAT)
Stars: ✭ 6,557 (+5319.01%)
Mutual labels:  imagenet
general backbone
No description or website provided.
Stars: ✭ 37 (-69.42%)
Mutual labels:  resnet
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (-7.44%)
Mutual labels:  imagenet
Swin-Transformer
This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".
Stars: ✭ 8,046 (+6549.59%)
Mutual labels:  imagenet
Aten
ATen: A TENsor library for C++11
Stars: ✭ 578 (+377.69%)
Mutual labels:  torch7
resnet-ensemble
Ensemble code for Resnet in Tensorflow slim
Stars: ✭ 14 (-88.43%)
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 (+12488.43%)
Mutual labels:  resnet
TrackNet-Badminton-Tracking-tensorflow2
TrackNet for badminton tracking using tensorflow2
Stars: ✭ 37 (-69.42%)
Mutual labels:  resnet
Medicalzoopytorch
A pytorch-based deep learning framework for multi-modal 2D/3D medical image segmentation
Stars: ✭ 546 (+351.24%)
Mutual labels:  resnet
resnet-cifar10
ResNet for Cifar10
Stars: ✭ 21 (-82.64%)
Mutual labels:  resnet
Hbonet
[ICCV 2019] Harmonious Bottleneck on Two Orthogonal Dimensions
Stars: ✭ 94 (-22.31%)
Mutual labels:  imagenet
neural-dream
PyTorch implementation of DeepDream algorithm
Stars: ✭ 110 (-9.09%)
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 (+343.8%)
Mutual labels:  resnet
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 (-71.07%)
Mutual labels:  imagenet
Big transfer
Official repository for the "Big Transfer (BiT): General Visual Representation Learning" paper.
Stars: ✭ 1,096 (+805.79%)
Mutual labels:  imagenet
Attack-ImageNet
No.2 solution of Tianchi ImageNet Adversarial Attack Challenge.
Stars: ✭ 41 (-66.12%)
Mutual labels:  imagenet
Lemniscate.pytorch
Unsupervised Feature Learning via Non-parametric Instance Discrimination
Stars: ✭ 532 (+339.67%)
Mutual labels:  imagenet
Look4Face
Demo of Face Recognition web service
Stars: ✭ 23 (-80.99%)
Mutual labels:  resnet
Fishnet
Implementation code of the paper: FishNet: A Versatile Backbone for Image, Region, and Pixel Level Prediction, NeurIPS 2018
Stars: ✭ 533 (+340.5%)
Mutual labels:  imagenet
BMW-IntelOpenVINO-Detection-Inference-API
This is a repository for a No-Code object detection inference API using the OpenVINO. It's supported on both Windows and Linux Operating systems.
Stars: ✭ 66 (-45.45%)
Mutual labels:  resnet
Imagenet
Trial on kaggle imagenet object localization by yolo v3 in google cloud
Stars: ✭ 56 (-53.72%)
Mutual labels:  imagenet
Rezero
Official PyTorch Repo for "ReZero is All You Need: Fast Convergence at Large Depth"
Stars: ✭ 317 (+161.98%)
Mutual labels:  resnet
Mini Imagenet
Generate mini-ImageNet with ImageNet for fewshot learning
Stars: ✭ 22 (-81.82%)
Mutual labels:  imagenet
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 (+160.33%)
Mutual labels:  resnet
Tresnet
Official Pytorch Implementation of "TResNet: High-Performance GPU-Dedicated Architecture" (WACV 2021)
Stars: ✭ 314 (+159.5%)
Mutual labels:  imagenet
Chainer Pspnet
PSPNet in Chainer
Stars: ✭ 76 (-37.19%)
Mutual labels:  imagenet
Tensorlayer
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
Stars: ✭ 6,796 (+5516.53%)
Mutual labels:  imagenet
Tianchi Medical Lungtumordetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
Stars: ✭ 314 (+159.5%)
Mutual labels:  resnet
Pnasnet.pytorch
PyTorch implementation of PNASNet-5 on ImageNet
Stars: ✭ 309 (+155.37%)
Mutual labels:  imagenet
121-180 of 319 similar projects