vgg
There are 320 repositories under vgg topic.
tensorlayer/SRGAN
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network
qubvel/classification_models
Classification models trained on ImageNet. Keras.
MarvinTeichmann/tensorflow-fcn
An Implementation of Fully Convolutional Networks in Tensorflow.
taehoonlee/tensornets
High level network definitions with pre-trained weights in TensorFlow
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
GoogleCloudPlatform/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
AllentDan/LibtorchTutorials
This is a code repository for pytorch c++ (or libtorch) tutorial.
OvidijusParsiunas/myvision
Computer vision based ML training data generation tool :rocket:
Murgio/Food-Recipe-CNN
food image to recipe with deep convolutional neural networks.
ShuangXieIrene/ssds.pytorch
Repository for Single Shot MultiBox Detector and its variants, implemented with pytorch, python3.
yizt/numpy_neural_network
仅使用numpy从头开始实现神经网络,包括反向传播公式推导过程; numpy构建全连接层、卷积层、池化层、Flatten层;以及图像分类案例及精调网络案例等,持续更新中... ...
wikke/Tianchi-Medical-LungTumorDetect
天池医疗AI大赛[第一季]:肺部结节智能诊断 UNet/VGG/Inception/ResNet/DenseNet
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)
cvjena/cnn-models
ImageNet pre-trained models with batch normalization for the Caffe framework
Jackpopc/aiLearnNotes
Artificial Intelligence Learning Notes.
YangZeyu95/unofficial-implement-of-openpose
Implement of Openpose use Tensorflow
HLearning/ai_papers
AI Papers
matthias-wright/flaxmodels
Pretrained deep learning models for Jax/Flax: StyleGAN2, GPT2, VGG, ResNet, etc.
fxmeng/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.
Kedreamix/Pytorch-Image-Classification
用于pytorch的图像分类,包含多种模型方法,比如AlexNet,VGG,GoogleNet,ResNet,DenseNet等等,包含可完整运行的代码。除此之外,也有colab的在线运行代码,可以直接在colab在线运行查看结果。也可以迁移到自己的数据集进行迁移学习。
Mayurji/Image-Classification-PyTorch
Learning and Building Convolutional Neural Networks using PyTorch
puke3615/SceneClassify
AI场景分类竞赛
hjptriplebee/VGG19_with_tensorflow
An easy implement of VGG19 with tensorflow, which has a detailed explanation.
floydhub/imagenet
Pytorch Imagenet Models Example + Transfer Learning (and fine-tuning)
yxlijun/Pyramidbox.pytorch
Pyramidbox implement with pytorch
tyui592/Pruning_filters_for_efficient_convnets
PyTorch implementation of "Pruning Filters For Efficient ConvNets"
mitmul/chainer-cifar10
Various CNN models for CIFAR10 with Chainer
ProGamerGov/neural-dream
PyTorch implementation of DeepDream algorithm
kaushikjadhav01/COVID-19-Detection-Flask-App-based-on-Chest-X-rays-and-CT-Scans
COVID-19 Detection Chest X-rays and CT scans: COVID-19 Detection based on Chest X-rays and CT Scans using four Transfer Learning algorithms: VGG16, ResNet50, InceptionV3, Xception. The models were trained for 500 epochs on around 1000 Chest X-rays and around 750 CT Scan images on Google Colab GPU. A Flask App was later developed wherein user can upload Chest X-rays or CT Scans and get the output of possibility of COVID infection.
ypwhs/deeplearning-models
各种深度学习结构、模型和技巧的集合
obendidi/X-ray-classification
X-ray Images (Chest images) analysis and anomaly detection using Transfer learning with inception v2
marload/ConvNets-TensorFlow2
⛵️ Implementation a variety of popular Image Classification Models using TensorFlow2. [ResNet, GoogLeNet, VGG, Inception-v3, Inception-v4, MobileNet, MobileNet-v2, ShuffleNet, ShuffleNet-v2, etc...]
DragonFive/python_cv_AI_ML
用python做计算机视觉,人工智能,机器学习,深度学习等
chencodeX/Bilinear_CNN_dog_classifi
tensorflow->BCNN + pytorch -> vgg16/resnet/BCNN
minar09/VGG16-PyTorch
VGG16 Net implementation from PyTorch Examples scripts for ImageNet dataset
IanTaehoonYoo/semantic-segmentation-pytorch
Pytorch implementation of FCN, UNet, PSPNet, and various encoder models.