Pinned Repositories
awesome-dl4nlp
A curated list of awesome Deep Learning for Natural Language Processing resources
DRL-FlappyBird
Playing Flappy Bird Using Deep Reinforcement Learning (Based on Deep Q Learning DQN using Tensorflow)
emdqn
Code for paper "Episodic Memory Deep Q-Networks" (https://arxiv.org/abs/1805.07603), IJCAI 2018
frequent-directions
Implements the frequent directions algorithm for approximating matrices in streams
LightGBM
LightGBM is a fast, distributed, high performance gradient boosting (GBDT, GBRT, GBM or MART) framework based on decision tree algorithms, used for ranking, classification and many other machine learning tasks.
loco-lib
A library for distributed L2-penalised estimation problems, implemented in Scala&Spark.
Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
MachineLearning
This project contain some machine learning algrithm demo.Maybe the code is also useful to you.
randomized_causation_coefficient
Paper and code for "The Randomized Causation Coefficient", 2014
SRF
Spherical random features for polynomial kernels
convexsetgithub's Repositories
convexsetgithub/emdqn
Code for paper "Episodic Memory Deep Q-Networks" (https://arxiv.org/abs/1805.07603), IJCAI 2018
convexsetgithub/2018-IJCAI-top3
This 2018 IJCAI alimama Top3 Code
convexsetgithub/Adv-ALSTM
Code for paper "Enhancing Stock Movement Prediction with Adversarial Training" IJCAI 2019
convexsetgithub/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
convexsetgithub/assignment2-2018
(Spring 2018) Assignment 2: Graph Executor with TVM
convexsetgithub/awesome-rl
Reinforcement learning resources curated
convexsetgithub/cleverhans
An adversarial example library for constructing attacks, building defenses, and benchmarking both
convexsetgithub/cython-doc-zh
Cython 3.0 中文文档
convexsetgithub/DISTORT-AND-RECOVER-CVPR18
Code for "Distort-and-Recover: Color Enhancement with Deep Reinforcement Learning", CVPR18
convexsetgithub/facehallucination
Attention-Aware Face Hallucination via Deep Reinforcement Learning, CVPR-17
convexsetgithub/ijcai-18-top2-single-mole-solution
复赛第二名单模型方案,没有特征选择没有调参单模型857个特征
convexsetgithub/keras
Deep Learning for humans
convexsetgithub/keyphrase-generation-rl
Code for the ACL 19 paper "Neural Keyphrase Generation via Reinforcement Learning with Adaptive Rewards"
convexsetgithub/Lihang
Statistical learning methods, 统计学习方法(第2版)[李航] [笔记, 代码, notebook, 参考文献, Errata, lihang]
convexsetgithub/MC-GAN
Multi-Content GAN for Few-Shot Font Style Transfer at CVPR 2018
convexsetgithub/mistake-in-retro-contest-of-OpenAI
convexsetgithub/Neural-Style-Transfer-Papers
:pencil2: Neural Style Transfer: A Review
convexsetgithub/numba-doc-zh
Numba 0.44 中文文档
convexsetgithub/opencv
Open Source Computer Vision Library
convexsetgithub/PhoenixGo
Go AI program which implement the AlphaGo Zero paper
convexsetgithub/pyda-2e-zh
:book: [译] 利用 Python 进行数据分析 · 第 2 版
convexsetgithub/PyTorch-ActorCriticRL
PyTorch implementation of DDPG algorithm for continuous action reinforcement learning problem.
convexsetgithub/pytorch-CycleGAN-and-pix2pix
Image-to-image translation in PyTorch (e.g., horse2zebra, edges2cats, and more)
convexsetgithub/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText. [IN PROGRESS]
convexsetgithub/reinforcement-learning-1
Implementation of Reinforcement Learning Algorithms. Python, OpenAI Gym, Tensorflow. Exercises and Solutions to accompany Sutton's Book and David Silver's course.
convexsetgithub/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
convexsetgithub/RetroCodes
Codes of our team for the OpenAI Retro Contest of reinforcement learning
convexsetgithub/sac
Soft Actor-Critic
convexsetgithub/TET-GAN
TET-GAN: Text Effects Transfer via Stylization and Destylization. AAAI 2019
convexsetgithub/Translation-Invariant-Attacks
The translation-invariant adversarial attack method to improve the transferability of adversarial examples.