cshaoping's repositories
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
awesome-machine-learning
A curated list of awesome Machine Learning frameworks, libraries and software.
data-science-ipython-notebooks
Recently updated with 50 new notebooks! Data science Python notebooks: Deep learning (TensorFlow, Theano, Caffe, Keras), scikit-learn, Kaggle, big data (Spark, Hadoop MapReduce, HDFS), matplotlib, pandas, NumPy, SciPy, Python essentials, AWS, and various command lines.
DCGAN-tensorflow
A tensorflow implementation of "Deep Convolutional Generative Adversarial Networks"
deep-learning-keras-tensorflow
# Deep Learning with Keras and Tensorflow
deep-learning-models
Keras code and weights files for popular deep learning models.
deeplearningbook-chinese
Deep Learning Book Chinese Translation
densenet.pytorch
A PyTorch implementation of DenseNet.
faster_rcnn_pytorch
Faster RCNN with PyTorch
generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
hadoop-book
Example source code accompanying O'Reilly's "Hadoop: The Definitive Guide" by Tom White
keras
Deep Learning library for Python. Convnets, recurrent neural networks, and more. Runs on Theano or TensorFlow.
Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
matplotlib
matplotlib: plotting with Python
models
Models built with TensorFlow
Probabilistic-Programming-and-Bayesian-Methods-for-Hackers
aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;)
pytorch
Tensors and Dynamic neural networks in Python with strong GPU acceleration
pytorch-fcn
PyTorch Implementation of Fully Convolutional Networks.
pytorch-semseg
Semantic Segmentation Architectures Implemented in PyTorch
scikit-learn
scikit-learn: machine learning in Python
scikit-learn-videos
Jupyter notebooks from the scikit-learn video series
simplified-deeplearning
Simplified implementations of deep learning related works
springmvc-mybatis-learning
SpringMVC 和 MyBatis 学习笔记,搭配示例,主要讲解一些基础的概念、用法和配置
ssd.pytorch
A PyTorch Implementation of Single Shot MultiBox Detector
Study_TensorFlow
How to use TensorFlow
tensorflow
Computation using data flow graphs for scalable machine learning
tensorlayer
TensorLayer: Deep Learning and Reinforcement Learning Library for Researcher and Engineer.
yolo2-pytorch
YOLOv2 in PyTorch