408449014's Stars
RuiyangJu/ThreshNet
IEEE Access 2022
JunaedYounusKhan51/FaceMaskDetection
X-zhangyang/Real-World-Masked-Face-Dataset
Real-World Masked Face Dataset,口罩人脸数据集
bodokaiser/piwise
Pixel-wise segmentation on VOC2012 dataset using pytorch.
agconti/kaggle-titanic
A tutorial for Kaggle's Titanic: Machine Learning from Disaster competition. Demonstrates basic data munging, analysis, and visualization techniques. Shows examples of supervised machine learning techniques.
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
akkaze/cnn-without-any-downsampling
A project demonstrate that downsampling(upsaming) in cnn are not nesscessary
baldassarreFe/pytorch-densenet-tiramisu
PyTorch implementation of DenseNet and FCDenseNet
pprp/PyTorch-CIFAR-Model-Hub
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Cydia2018/Vision-Transformer-CIFAR10
Pytorch implementation of some vision transformers, trained on CIFAR-10.
wangermeng2021/PVT-tensorflow2
A Tensorflow2.x implementation of Pyramid Vision Transformer as described in Pyramid Vision Transformer: A Versatile Backbone for Dense Prediction without Convolutions
whai362/PVT
Official implementation of PVT series
jacobkimmel/fcdensenet_pytorch
PyTorch implementation of Fully Convolutional DenseNets for Semantic Segmentation
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
bubbliiiing/unet-pytorch
这是一个unet-pytorch的源码,可以训练自己的模型
usuyama/pytorch-unet
Simple PyTorch implementations of U-Net/FullyConvNet (FCN) for image segmentation
yangvnks/titanic-classification
A classification approach to the machine learning Titanic survival challenge on Kaggle.Data visualisation, data preprocessing and different algorithms are tested and explained in form of Jupyter Notebooks
SeanCooke/Titanic
Achieving 86% accuracy on a test data set using an xgboost classifier to predict whether a passenger survived the Titanic disaster
blaueck/pytorch-demo
A small demo for training cnn with pytorch.
Lyken17/SparseNet
[ECCV 2018] Sparsely Aggreagated Convolutional Networks https://arxiv.org/abs/1801.05895
taki0112/Densenet-Tensorflow
Simple Tensorflow implementation of Densenet using Cifar10, MNIST
andreasveit/densenet-pytorch
A PyTorch Implementation for Densely Connected Convolutional Networks (DenseNets)
Lyken17/pytorch-OpCounter
Count the MACs / FLOPs of your PyTorch model.
Swall0w/torchstat
Model analyzer in PyTorch
kuangliu/pytorch-cifar
95.47% on CIFAR10 with PyTorch
soapisnotfat/pytorch-cifar10
pytorch and cifar10
weiaicunzai/pytorch-cifar100
Practice on cifar100(ResNet, DenseNet, VGG, GoogleNet, InceptionV3, InceptionV4, Inception-ResNetv2, Xception, Resnet In Resnet, ResNext,ShuffleNet, ShuffleNetv2, MobileNet, MobileNetv2, SqueezeNet, NasNet, Residual Attention Network, SENet, WideResNet)
liuzhuang13/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
gpleiss/efficient_densenet_pytorch
A memory-efficient implementation of DenseNets
bamos/densenet.pytorch
A PyTorch implementation of DenseNet.