vggnet
There are 134 repositories under vggnet topic.
pochih/CBIR
🏞 A content-based image retrieval (CBIR) system
cvjena/cnn-models
ImageNet pre-trained models with batch normalization for the Caffe framework
Seonghoon-Yu/AI_Paper_Review
까먹으면 다시 보려고 정리합니다.
ayush1997/Xvision
Chest Xray image analysis using Deep learning !
soapisnotfat/pytorch-cifar10
pytorch and cifar10
dgurkaynak/tensorflow-cnn-finetune
Finetuning AlexNet, VGGNet and ResNet with TensorFlow
usef-kh/fer
Code for the paper "Facial Emotion Recognition: State of the Art Performance on FER2013"
braindotai/Real-Time-Super-Resolution
🔥 Real-time Super Resolution enhancement (4x) with content loss and relativistic adversarial optimization 🔥
vijayg15/Keras-MultiClass-Image-Classification
Multiclass image classification using Convolutional Neural Network
taspinar/sidl
Deep Learning code
3outeille/Research-Paper-Summary
Summary & Implementation of Deep Learning research paper in Tensorflow/Pytorch.
Peachypie98/CBAM
CBAM: Convolutional Block Attention Module for CIFAR100 on VGG19
lynguyenminh/image-classification-pytorch
Implement image classification in pytorch
nh9k/pytorch-implementation
Pytorch implementation(LeNet, VGGNet, GAN, UNet, Mask R-CNN, ...)
jiweibo/AU_Recognition
AU_Recognition based on CKPlus/CK database
AntonFriberg/pytorch-cinic-10
Pytorch deep learning object detection using CINIC-10 dataset.
jianguoz/Transfer-Learning
We use pretrained networks VGGnet, AlexNet, GoogLeNet, ResNet which trained on the ImageNet dataset as a feature extractor to classify images.
alisure-ml/tensorflow-classification-network
实现遇到的分类网络(持续更新)
dlibml/dnn
Deep Neural Network Architectures with dlib
ZJCV/SSL
[NIPS 2016] Learning Structured Sparsity in Deep Neural Networks
yuddim/deepClassificationTool
Deep image classification tool based on Keras. Tool implements light versions of VGG, ResNet and InceptionV3 for small images
ccq1n/pytorch_model_backbone
The project is based on pytorch and integrates the current mainstream network architecture, including VGGnet, ResNet, Densenet, MobileNet and DarkNet (YOLOv2 and YOLOv3).
csaiprashant/multilabel_classification_vggnet
Multi-label Classification Using a Variation of VGGNet
danhdoan/cifar10-end2end-mxnet
MXNet - Modern CNNs with CIFAR10 - ~94% with only 50 epochs
SuperBruceJia/NLNet-IQA
Non-local Modeling for Image Quality Assessment
assassint2017/image-classification
here are some classic networks for image classification implement by pytorch
AubreyFeng/Classification-of-flowers
花分类,使用VGGNet、GoogLeNet、ResNet、DenseNet、EfficientNet和数据集中80%的数据训练识别模型,并对剩下20%的数据集进行测试
fangvv/EdgeLD
Code for paper "Locally Distributed Deep Learning Inference on Edge Device Clusters"
AndrzejMiskow/FER-with-Attention-and-Objective-Activation-Functions
This projected explored the effect of introducing channel and spatial attention mechanisms, namely SEN-Net, ECA-Net, and CBAM to existing CNN vision-based models such as VGGNet, ResNet, and ResNetV2 to perform the Facial Emotion Recognition task.
agoila/transfer-learning
Use VGGNet to classify images of flowers.
kiritigowda/MIVisionX-Inference-Tutorial
MIVisionX toolkit is a set of comprehensive computer vision and machine intelligence libraries, utilities, and applications bundled into a single toolkit.
walsvid/VGG-TensorFlow
VGGNet with TensorFlow
SunnyHaze/CIFAR10-VGG-Pytorch
基于Pytorch实现的VGG11和VGG16网络结构的CIFAR10分类任务。
Lintianqianjin/reappearance-of-some-classical-CNNs
my first tutorial on educoder