cmusjtuliuyuan's Stars
openai/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
bharathgs/Awesome-pytorch-list
A comprehensive list of pytorch related content on github,such as different models,implementations,helper libraries,tutorials etc.
wangshub/wechat_jump_game
微信《跳一跳》Python 辅助
ShangtongZhang/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
wiseodd/generative-models
Collection of generative models, e.g. GAN, VAE in Pytorch and Tensorflow.
intel-analytics/ipex-llm
Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, Mixtral, Gemma, Phi, MiniCPM, Qwen-VL, MiniCPM-V, etc.) on Intel XPU (e.g., local PC with iGPU and NPU, discrete GPU such as Arc, Flex and Max); seamlessly integrate with llama.cpp, Ollama, HuggingFace, LangChain, LlamaIndex, vLLM, GraphRAG, DeepSpeed, Axolotl, etc
spro/practical-pytorch
Go to https://github.com/pytorch/tutorials - this repo is deprecated and no longer maintained
suragnair/alpha-zero-general
A clean implementation based on AlphaZero for any game in any framework + tutorial + Othello/Gobang/TicTacToe/Connect4 and more
junxiaosong/AlphaZero_Gomoku
An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)
SeanNaren/deepspeech.pytorch
Speech Recognition using DeepSpeech2.
rguthrie3/DeepLearningForNLPInPytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
openai/requests-for-research
A living collection of deep learning problems
glample/tagger
Named Entity Recognition Tool
brendano/ark-tweet-nlp
CMU ARK Twitter Part-of-Speech Tagger
dennybritz/rnn-tutorial-gru-lstm
Language Model GRU with Python and Theano
attardi/deepnl
Deep Learning for Natural Language Processing
DeepMark/deepmark
THE Deep Learning Benchmarks
deborausujono/word2vecpy
Python implementation of CBOW and skip-gram word vector models, and hierarchical softmax and negative sampling learning algorithms
chilynn/sequence-labeling
ikostrikov/pytorch-ddpg-naf
Implementation of algorithms for continuous control (DDPG and NAF).
SeanNaren/deepspeech.torch
Speech Recognition using DeepSpeech2 network and the CTC activation function.
intel-analytics/BigDL-Tutorials
Step-by-step Deep Leaning Tutorials on Apache Spark using BigDL
teropa/nlp
My explorations in natural language processing
Maluuba/hra
Hybrid Reward Architecture
moskomule/pytorch.rl.learning
for learning reinforcement learning using PyTorch.
roadsideseb/python-colourlovers
Module to use ColourLovers API
phychaos/lstm_crf
akaihola/ipython_nose
Nose magic for IPython
Y-W/DeepRL17