Pinned Repositories
A3C_CNN_LSTM
This is a tensorflow implementation of Asynchronous advantage actor-critic algorithm for CNN-LSTM as function approximator
act-tensorflow
Adaptive Computation Time algorithm in Tensorflow
adaptive-transformers-in-rl
Adaptive Attention Span for Reinforcement Learning
ai_lib
AtomGPT
中英文预训练大模型,目标与ChatGPT的水平一致
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
attention_is_all_you_need_pytorch
fork from jadore801120/attention-is-all-you-need-pytorch,修改了en和de的model下载不下来的问题
auto-sklearn
Automated Machine Learning with scikit-learn
DDPG_CNN_Pendulum_practice
practice
PySnooper
Never use print for debugging again
wangyy161's Repositories
wangyy161/caffe_ocr
主流ocr算法研究实验性的项目,目前实现了CNN+BLSTM+CTC架构
wangyy161/ray
A fast and simple framework for building and running distributed applications. Ray is packaged with RLlib, a scalable reinforcement learning library, and Tune, a scalable hyperparameter tuning library.
wangyy161/adaptive-transformers-in-rl
Adaptive Attention Span for Reinforcement Learning
wangyy161/Recommendation_system_using_RL_RecSim
Explore the potential of recommendation system using reinforcement learning
wangyy161/Relational_DRL
Implementation of Relational Deep Reinforcement Learning
wangyy161/act-tensorflow
Adaptive Computation Time algorithm in Tensorflow
wangyy161/multi-agent-emergence-environments
Environment generation code for the paper "Emergent Tool Use From Multi-Agent Autocurricula"
wangyy161/tensorflow_practice
tensorflow实战练习,包括强化学习、推荐系统、nlp等
wangyy161/auto-sklearn
Automated Machine Learning with scikit-learn
wangyy161/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
wangyy161/leetcode_wyy
Brush problem
wangyy161/open_spiel
OpenSpiel is a collection of environments and algorithms for research in general reinforcement learning and search/planning in games.
wangyy161/DRL-algorithms
Application of deep reinforcement learning algorithms
wangyy161/test_learning
主要是平时用作测试的代码
wangyy161/OnlinePythonTutor
Visualize Python, Java, JavaScript, TypeScript, Ruby, C, and C++ code execution in your Web browser
wangyy161/Deep-reinforcement-learning-with-pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
wangyy161/machinelearning
My blogs and code for machine learning. http://cnblogs.com/pinard
wangyy161/models
Models and examples built with TensorFlow
wangyy161/mlsh
Code for the paper "Meta-Learning Shared Hierarchies"
wangyy161/drl-rec
Deep reinforcement learning for recommendation system
wangyy161/reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
wangyy161/pytorch-soft-actor-critic
PyTorch implementation of soft actor critic
wangyy161/pysot
SenseTime Research platform for single object tracking, implementing algorithms like SiamRPN and SiamMask.
wangyy161/CPS-OCR-Engine
An awesome OCR engine developed by SYSU DeepDriving Lab
wangyy161/PySnooper
Never use print for debugging again
wangyy161/DeepRL
Modularized Implementation of Deep RL Algorithms in PyTorch
wangyy161/Relational_Deep_Reinforcement_Learning
wangyy161/BiCNet
Bidirectionally-Coordinated Net Implements with PyTorch 1.0
wangyy161/nndl.github.io
《神经网络与深度学习》 Neural Network and Deep Learning
wangyy161/Faster-RCNN-TensorFlow-Python3.5
Tensorflow Faster R-CNN for Windows and Python 3.5