vgg
There are 331 repositories under vgg topic.
semantic-segmentation-pytorch
Pytorch implementation of FCN, UNet, PSPNet, and various encoder models.
vggvox-speaker-identification
Speaker identification with VGGVox network
BankCard-Recognizer
Identifying numbers from bankcard, based on Deep Learning with Keras
Feed-Forward-Style-Transfer
TensorFlow implementation of real-time style transfer using feed-forward generation. This builds on the original style-transfer algorithm and allows for common personal computers to transform images.
MNIST-baselines
Baseline classifiers on the polluted MNIST dataset, SJTU CS420 course project
neural-style-pytorch
Neural Style implementation in PyTorch! :art:
sensAI
sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data
vgg_loss
A VGG-based perceptual loss function for PyTorch.
how-far-can-we-go-with-MNIST
A collection of codes for 'how far can we go with MNIST' challenge
CNN-Series-Getting-Started-and-PyTorch-Implementation
我的笔记和Demo,包含分类,检测、分割、知识蒸馏。
pretrained-backbones-unet
A PyTorch-based Python library with UNet architecture and multiple backbones for Image Semantic Segmentation.
timm_3d
PyTorch Volume Models for 3D data
pytorch-nn-practice
💩 My pytorch neural network practice repo
DL.EyeSight
Mainly use SSD, YOLO and other models to solve the target detection problem in image and video !
Bilinear_CNN
A pytorch implementation of Bilinear CNNs for Fine-grained Visual Recognition(BCNN).
AgeEstimateAdience
Age and Gender Estimation Using Convolutional Neural Network
neural-style
本代码加入了神经风格迁移中文注释,更易理解,同时新加入begin.py可直接运行调试。
TAPE
[WACV 2024] - Reference-based Restoration of Digitized Analog Videotapes
Keras-CIFAR10
practice on CIFAR10 with Keras
PyVGGFace
VGG-Face CNN descriptor in PyTorch.
image_search
This project use VGG model to get image embeddings. Then Milvus is used to search the similarity images.
CBAM
CBAM: Convolutional Block Attention Module for CIFAR100 on VGG19
PyTorch-CIFAR10
practice on CIFAR10 with PyTorch
facial_emotion_recognition
It's a project of facial emotion recognition.
DeepNetModel
记录每一个常用的深度模型结构的特点(图和代码)
implementation-of-pruning-filters
A reproduction of PRUNING FILTERS FOR EFFICIENT CONVNETS
pastiche
A PyTorch implementation of Neural Style Transfer (Gatys et al. 2015).
optimal-textures
Optimal deep texture generation and style transfer based on Eric Risser's paper
CoarseNet
Modified version of U-net based on "Convolutional Networks for Biomedical Image Segmentation (Ronneberger et al., 2015)" paper.
Printed-Chinese-Character-OCR
This is a Chinese Character ocr system based on Deep learning (VGG like CNN neural net work),this rep include trainning set generating,image preprocesing,NN model optimizing based on Keras high level NN framwork
emotion_classification
emotion classification using fer2013 datasets with a Tensorflow CNN model.
LungCT_Diagnosis
Repository processes CT scanned images of human Lungs , which are in DICOM image format. Visualises the data in 3D and trains a 3D convolution network on the data after preprocessing.
pytorch-cifar10-notebook
Training LeNet, VGG, ResNet, DenseNet on CIFAR10 with PyTorch.
CNN-CBIR
Content based image retrieval, instance search (examplar object detection) using CNN, especially VGG-RMAC feature. Implemented with pytorch.
CPSCA
Code for paper "Channel Pruning Guided by Spatial and Channel Attention for DNNs in Intelligent Edge Computing"