Pinned Repositories
100-Days-Of-ML-Code
100 Days of ML Coding
60_Days_RL_Challenge
Learn Deep Reinforcement Learning in depth in 60 days
AAAMLP-CN
Approaching (Almost) Any Machine Learning Problem中译版,在线文档地址:https://ytzfhqs.github.io/AAAMLP-CN/
aas
Code to accompany Advanced Analytics with Spark from O'Reilly Media
act-tensorflow
Adaptive Computation Time algorithm in Tensorflow
adversarial
Code and hyperparameters for the paper "Generative Adversarial Networks"
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
AlphaZero_Gomoku
An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)
aswan
陌陌风控系统静态规则引擎,零基础简易便捷的配置多种复杂规则,实时高效管控用户异常行为。
awesome-algorithm
Leetcode 题解 (跟随思路一步一步撸出代码) 及经典算法实现
ricelingz's Repositories
ricelingz/Deep-Learning-with-Keras
Code repository for Deep Learning with Keras published by Packt
ricelingz/reinforcement-learning-an-introduction
Python implementation of Reinforcement Learning: An Introduction
ricelingz/mx-maskrcnn
A MXNet implementation of Mask R-CNN
ricelingz/dilation
Dilated Convolution for Semantic Image Segmentation
ricelingz/pysc2-agents
This is a simple implementation of DeepMind's PySC2 RL agents.
ricelingz/SynthText
Code for generating synthetic text images as described in "Synthetic Data for Text Localisation in Natural Images", Ankush Gupta, Andrea Vedaldi, Andrew Zisserman, CVPR 2016.
ricelingz/mxnet-the-straight-dope
An interactive book on deep learning. Much easy, so MXNet. Wow.
ricelingz/LaTeX-template
LaTeX template for BIT thesis
ricelingz/MTCNN-Accelerate-Onet
MTCNN Face Detection & Alignment
ricelingz/catboost
CatBoost is an open-source gradient boosting on decision trees library with categorical features support out of the box for Python, R
ricelingz/ps-lite
A lightweight parameter server interface
ricelingz/tf-faster-rcnn
Tensorflow Faster RCNN for Object Detection
ricelingz/deep_ocr
make a better chinese character recognition OCR than tesseract
ricelingz/py-faster-rcnn
Faster R-CNN (Python implementation) -- see https://github.com/ShaoqingRen/faster_rcnn for the official MATLAB version
ricelingz/mx-rcnn
Faster R-CNN, an MXNet implementation with distributed implementation and data parallelization.
ricelingz/py-R-FCN
R-FCN with joint training and python support
ricelingz/improved_wgan_training
Code for reproducing experiments in "Improved Training of Wasserstein GANs"
ricelingz/transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
ricelingz/sceneReco
ctpn+crnn Scene character recognition
ricelingz/dcgan_code
Deep Convolutional Generative Adversarial Networks
ricelingz/lectures
Oxford Deep NLP 2017 course
ricelingz/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
ricelingz/tensorpack
Neural Network Toolbox on TensorFlow
ricelingz/March-Madness-2017
Kaggle Competition for Predicting NCAA Basketball Tourney Games
ricelingz/gensim
Topic Modelling for Humans
ricelingz/caffe2
Caffe2 is a cross-platform framework made with expression, speed, and modularity in mind.
ricelingz/models
Models built with TensorFlow
ricelingz/neuraltalk
NeuralTalk is a Python+numpy project for learning Multimodal Recurrent Neural Networks that describe images with sentences.
ricelingz/TensorFlowOnSpark
TensorFlowOnSpark brings TensorFlow programs onto Apache Spark clusters
ricelingz/act-tensorflow
Adaptive Computation Time algorithm in Tensorflow