Pinned Repositories
Awesome-MXNet
A curated list of MXNet examples, tutorials and blogs.
awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
awesome-vehicle-re-identification
collection of dataset&paper&code on Vehicle Re-Identification
beyond-part-models
PCB of paper: Beyond Part Models: Person Retrieval with Refined Part Pooling, using Pytorch
caffe
Caffe: a fast open framework for deep learning.
caffe-android-demo
An android caffe demo app exploiting caffe pre-trained ImageNet model for image classification
DeblurGAN
Image Deblurring using Generative Adversarial Networks
DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
Densenet-Tensorflow
Simple Tensorflow implementation of Densenet using Cifar10, MNIST
fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015.
venus024's Repositories
venus024/Awesome-MXNet
A curated list of MXNet examples, tutorials and blogs.
venus024/awesome-object-detection
Awesome Object Detection based on handong1587 github: https://handong1587.github.io/deep_learning/2015/10/09/object-detection.html
venus024/awesome-vehicle-re-identification
collection of dataset&paper&code on Vehicle Re-Identification
venus024/beyond-part-models
PCB of paper: Beyond Part Models: Person Retrieval with Refined Part Pooling, using Pytorch
venus024/caffe
Caffe: a fast open framework for deep learning.
venus024/caffe-android-demo
An android caffe demo app exploiting caffe pre-trained ImageNet model for image classification
venus024/DeblurGAN
Image Deblurring using Generative Adversarial Networks
venus024/DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
venus024/Densenet-Tensorflow
Simple Tensorflow implementation of Densenet using Cifar10, MNIST
venus024/fcn.berkeleyvision.org
Fully Convolutional Networks for Semantic Segmentation by Jonathan Long*, Evan Shelhamer*, and Trevor Darrell. CVPR 2015.
venus024/GANimation
GANimation: Anatomically-aware Facial Animation from a Single Image (ECCV'18 Oral) [PyTorch]
venus024/HyperVID
开源移动端车型识别[Experimental] Mobile Plateform Vehicle Identification Model
venus024/image-quality-assessment
Convolutional Neural Networks to predict the aesthetic and technical quality of images.
venus024/KeyBERT
Minimal keyword extraction with BERT
venus024/leetcode_python
venus024/MMdnn
MMdnn is a set of tools to help users inter-operate among different deep learning frameworks. E.g. model conversion and visualization. Convert models between Caffe, Keras, MXNet, Tensorflow, CNTK and PyTorch.
venus024/MobileNetV2-pytorch
Impementation of MobileNetV2 in pytorch
venus024/partialconv
A New Padding Scheme: Partial Convolution based Padding
venus024/Person_reID_baseline_pytorch
Pytorch implement of Person re-identification baseline. We arrived Rank@1=88.24%, mAP=70.68% only with softmax loss. Re-ranking is added.
venus024/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
venus024/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
venus024/pytorch-cifar
95.16% on CIFAR10 with PyTorch
venus024/pytorch-relation-extraction
distant supervised relation extraction models: PCNN MIL (Zeng 2015), PCNN+ATT(Lin 2016). 关系抽取
venus024/RankSortLoss
Official PyTorch Implementation of Rank & Sort Loss [ICCV2021]
venus024/RefineDet
Single-Shot Refinement Neural Network for Object Detection
venus024/VLAD-SIFT-python