densenet-pytorch
There are 42 repositories under densenet-pytorch topic.
jiweibo/ImageNet
This implements training of popular model architectures, such as AlexNet, ResNet and VGG on the ImageNet dataset(Now we supported alexnet, vgg, resnet, squeezenet, densenet)
gmalivenko/gluon2pytorch
Gluon to PyTorch deep neural network model converter
amitrajitbose/cat-v-dog-classifier-pytorch
End To End Deep Learning Project For Classifying Cat vs Dog Images, using PyTorch
ZFTurbo/timm_3d
PyTorch Volume Models for 3D data
Stomper10/CheXpert
Reproducing CheXpert paper using the PyTorch library.
bhimrazy/Image-Recognition-App-using-FastAPI-and-PyTorch
This is an image recognition application based on the FastAPI framework and PyTorch which uses pretrained DenseNet 121 model to detect the image.
wandering007/efficient-densenet-pytorch
Memory-Efficient Implementation of DenseNets via PyTorch 1.0
YeonwooSung/PyTorch_CNN_Architectures
My PyTorch implementation of CNNs. All networks in this repository are using CIFAR-100 dataset for training.
yell/kaggle-camera
My solution to Kaggle challenge "IEEE Camera Model Identification" [top 3%]
vishal-burman/PyTorch-Architectures
PyTorch implementation of Deep-Learning Architectures
pyaf/DeepRadiology
Source code for Microsoft Code Fun Do Hackathon organized at IIT (BHU)
ygean/mixed-senet-densenet
In this repository, I released senet-densenet training codes and output files. And it refer to another repository(https://github.com/zhouyuangan/SE_DenseNet), which repository I had made some notes in.
Kexiii/Pretrained-Efficient-DenseNet
Pretrained Efficient DenseNet Model
PerXeptron/CAM-Localization
Heat Map :fire: Generation codes for using PyTorch and CAM Localization Algorithm.
hoya012/pytorch-densenet
Simple Code Implementation of "DenseNet" architecture using PyTorch.
LiYangSir/Like_Attack
Like Attack基于决策的黑盒对抗网络攻击
TruongNV-hut/AIcandy_DenseNet_ImageClassification_mexgtkug
Densenet for Image Classification
huichen5796/2022-studienarbeit-hui-chen
a tool for detecting tables in image and analysing complex header
koushik-elite/Using-Densenet-and-PyTorch
Using Densenet for image classification in PyTorch
shivgahlout/DenseNet-pytorch
Implementation of DenseNets Using PyTorch
DALAI-project/CornerAPI
API for a machine learning model trained to detect folded or torn corners and edges from scanned document images.
csc12138/densenet-pytorch
a simple application of densenet in pytorch
DALAI-project/PostitAPI
API for a machine learning model trained to detect post-it/sticky notes from scanned document images.
iremcetin/Attention_generation
Generating attention maps from resnet50 and densenet using ACDC and EMIDEC dataset
manojpawarsj12/accident-detection
Using deep learning and computer vision(pytorch) to detect accidents on dashcam and report it to nearby emergency services with valid accident images
Mcamin/Udacity-Image-Classifier
A deep learning, image classifying project for flower species using PyTorch and Jupyter Notebooks
moggirain/Diabetic_retinopathy_detection
classification on diabetic retinopathy images
psatler/PyTorch_Challenge_Image_Classifier
An Image Classifier built with PyTorch and Google Colab
Surya-Prakash-Reddy/Classifying-Cats-and-Dogs
Classifies whether an image is of a dog or cat using pre-trained models
USERDXZ/plant_disease_recognition2018
2018-plant disease recognition
EumgillAI/DenseNet-pytorch
🚀DenseNet Model by Pytorch
Necas209/DenseNet-PyTorch
A PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
DALAI-project/Train_document_classification
Code that can be used for training a neural network model to classify input documents into distinct classes.
DALAI-project/Train_fault_detection
Code that can be used for training a neural network model to detect faults (sticky notes, folded corners etc.) in input documents.