jiaxue-ai's Stars
tensorflow/models
Models and examples built with TensorFlow
facebookresearch/Detectron
FAIR's research platform for object detection research, implementing popular algorithms like Mask R-CNN and RetinaNet.
davidsandberg/facenet
Face recognition using Tensorflow
mrgloom/awesome-semantic-segmentation
:metal: awesome-semantic-segmentation
Cadene/pretrained-models.pytorch
Pretrained ConvNets for pytorch: NASNet, ResNeXt, ResNet, InceptionV4, InceptionResnetV2, Xception, DPN, etc.
RedditSota/state-of-the-art-result-for-machine-learning-problems
This repository provides state of the art (SoTA) results for all machine learning problems. We do our best to keep this repository up to date. If you do find a problem's SoTA result is out of date or missing, please raise this as an issue or submit Google form (with this information: research paper name, dataset, metric, source code and year). We will fix it immediately.
CSAILVision/semantic-segmentation-pytorch
Pytorch implementation for Semantic Segmentation/Scene Parsing on MIT ADE20K dataset
meetps/pytorch-semseg
Semantic Segmentation Architectures Implemented in PyTorch
NVlabs/MUNIT
Multimodal Unsupervised Image-to-Image Translation
CSAILVision/places365
The Places365-CNNs for Scene Classification
longcw/faster_rcnn_pytorch
Faster RCNN with PyTorch
mapillary/inplace_abn
In-Place Activated BatchNorm for Memory-Optimized Training of DNNs
fyu/drn
Dilated Residual Networks
MatthieuCourbariaux/BinaryNet
Training Deep Neural Networks with Weights and Activations Constrained to +1 or -1
creafz/pytorch-cnn-finetune
Fine-tune pretrained Convolutional Neural Networks with PyTorch
cemoody/topicsne
t-SNE experiments in pytorch
hezhangsprinter/DCPDN
Densely Connected Pyramid Dehazing Network (CVPR'2018)
DingKe/pytorch_workplace
Random miniprojects with pytorch.
shahsohil/sunets
PyTorch Implementation of Stacked U-Nets (SUNets)
clementfarabet/manifold
A package to manipulate manifolds.
zalandoresearch/psgan
Periodic Spatial Generative Adversarial Networks
jzbontar/pixelcnn-pytorch
igul222/PixelVAE
Code for the models in "PixelVAE: A Latent Variable Model for Natural Images" (https://arxiv.org/abs/1611.05013
zhuangyqin/DRN
damienfir/image-based-relighting
Implementation of Image-based Relighting using Neural Networks, with Tensorflow
edgarriba/examples
mxbi/PyVLAD
Efficient python implementation of VLAD image descriptors
jiaxue-ai/DAIN
Code release for "Differential Angular Imaging for Material Recognition", CVPR 2017.
viirya/fastdict
Research codes for binary code indexing and search
BestSonny/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.