easycui's Stars
danieltan07/learning-to-reweight-examples
PyTorch Implementation of the paper Learning to Reweight Examples for Robust Deep Learning
google/mentornet
Code for MentorNet: Learning Data-Driven Curriculum for Very Deep Neural Networks
scutan90/DeepLearning-500-questions
深度学习500问,以问答形式对常用的概率知识、线性代数、机器学习、深度学习、计算机视觉等热点问题进行阐述,以帮助自己及有需要的读者。 全书分为18个章节,50余万字。由于水平有限,书中不妥之处恳请广大读者批评指正。 未完待续............ 如有意合作,联系scutjy2015@163.com 版权所有,违权必究 Tan 2018.06
junyanz/pytorch-CycleGAN-and-pix2pix
Image-to-Image Translation in PyTorch
ybayle/awesome-deep-learning-music
List of articles related to deep learning applied to music
pudae/kaggle-hpa
Code for 3rd place solution in Kaggle Human Protein Atlas Image Classification Challenge.
xamyzhao/brainstorm
Implementation of "Data augmentation using learned transforms for one-shot medical image segmentation"
songhwanjun/ActiveBias
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
NoviScl/BERT-RACE
pyg-team/pytorch_geometric
Graph Neural Network Library for PyTorch
charlesq34/pointnet
PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation
microsoft/samples-for-ai
Samples for getting started with deep learning across TensorFlow, CNTK, Theano and more.
CSAILVision/gandissect
Pytorch-based tools for visualizing and understanding the neurons of a GAN. https://gandissect.csail.mit.edu/
sxhxliang/BigGAN-pytorch
Pytorch implementation of LARGE SCALE GAN TRAINING FOR HIGH FIDELITY NATURAL IMAGE SYNTHESIS (BigGAN)
zziz/pwc
This repository is no longer maintained.
idiap/importance-sampling
Code for experiments regarding importance sampling for training neural networks
AntreasAntoniou/DAGAN
DAGAN: Data Augmentation Generative Adversarial Networks
fidler-lab/polyrnn-pp
Inference Code for Polygon-RNN++ (CVPR 2018)
fossasia/visdom
A flexible tool for creating, organizing, and sharing visualizations of live, rich data. Supports Torch and Numpy.
alibaba/p3c
Alibaba Java Coding Guidelines pmd implements and IDE plugin
Lopezurrutia/DSB_2018
bayesian-optimization/BayesianOptimization
A Python implementation of global optimization with gaussian processes.
utkuozbulak/pytorch-cnn-visualizations
Pytorch implementation of convolutional neural network visualization techniques
yu4u/noise2noise
An unofficial and partial Keras implementation of "Noise2Noise: Learning Image Restoration without Clean Data"
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
roytseng-tw/Detectron.pytorch
A pytorch implementation of Detectron. Both training from scratch and inferring directly from pretrained Detectron weights are available.
pytorch/pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
minerva-ml/open-solution-data-science-bowl-2018
Open solution to the Data Science Bowl 2018
endernewton/tf-faster-rcnn
Tensorflow Faster RCNN for Object Detection