Pinned Repositories
AI-blog
Accompanying repository for Let's make a DQN / A3C series.
baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
bespoke.js
DIY Presentation Micro-Framework
char-models
Character level models for sentiment analysis
char-rnn-tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow
convnetjs
Deep Learning in Javascript. Train Convolutional Neural Networks (or ordinary ones) in your browser.
CoordConv-pytorch
Pytorch implementation of CoordConv introduced in 'An intriguing failing of convolutional neural networks and the CoordConv solution' paper. (https://arxiv.org/pdf/1807.03247.pdf)
deep_q_rl
Theano-based implementation of Deep Q-learning
DeepRL-Agents
A set of Deep Reinforcement Learning Agents implemented in Tensorflow.
node-analyzer
基于 IKAnalyzer 字典分词器的 node.js 实现
newebug's Repositories
newebug/node-analyzer
基于 IKAnalyzer 字典分词器的 node.js 实现
newebug/AI-blog
Accompanying repository for Let's make a DQN / A3C series.
newebug/baselines
OpenAI Baselines: high-quality implementations of reinforcement learning algorithms
newebug/char-models
Character level models for sentiment analysis
newebug/char-rnn-tensorflow
Multi-layer Recurrent Neural Networks (LSTM, RNN) for character-level language models in Python using Tensorflow
newebug/CoordConv-pytorch
Pytorch implementation of CoordConv introduced in 'An intriguing failing of convolutional neural networks and the CoordConv solution' paper. (https://arxiv.org/pdf/1807.03247.pdf)
newebug/DeepRL-Agents
A set of Deep Reinforcement Learning Agents implemented in Tensorflow.
newebug/dogs_vs_cats
newebug/Dynamic-Memory-Networks-in-TensorFlow
Dynamic Memory Network implementation in TensorFlow
newebug/k_CommonLit-Readability-Prize
newebug/kaggle
newebug/kaggle-solutions
🏅 Collection of Kaggle Solutions and Ideas 🏅
newebug/Learning-To-Learn
TensorFlow implementation of the paper "Learning to learn by gradient descent by gradient descent ( https://arxiv.org/abs/1606.04474 )"
newebug/lstm
Minimal, clean example of lstm neural network training in python, for learning purposes.
newebug/Meta-Learning-via-Feature-Label-Memory-Network
This is a code for URP research project I have been doing for 6 months (Jan - July 2017). The project title was "Developing new mechanisms to Neural Turing Machines (NTMs) for one-shot learning".
newebug/Meta-RL
Implementation of Meta-RL A3C algorithm
newebug/Neural-Turing-Machine
newebug/ntm
TensorFlow implementation of Neural Turing Machines (NTM), with its application on one-shot learning (MANN)
newebug/NTM-Keras
An attempt at replicating "Neural Turing Machines" in Keras.
newebug/NTM-tensorflow
"Neural Turing Machine" in Tensorflow
newebug/pytorch-ntm
Neural Turing Machines (NTM) - PyTorch Implementation
newebug/rl-course-experiments
newebug/ssd_keras
Port of Single Shot MultiBox Detector to Keras
newebug/stock_market_reinforcement_learning
This project provides a stock market environment using OpenGym with Deep Q-learning and Policy Gradient.
newebug/synaptic
architecture-free neural network library for node.js and the browser
newebug/tensorflow-value-iteration-networks
TensorFlow implementation of the Value Iteration Networks (NIPS '16) paper
newebug/tensorflow-vgg
VGG19 and VGG16 on Tensorflow
newebug/tensorforce
TensorForce: A TensorFlow library for applied reinforcement learning
newebug/yolo-9000
YOLO9000: Better, Faster, Stronger - Real-Time Object Detection. 9000 classes!
newebug/zero-shot-gcn
Zero-Shot Learning with GCN (CVPR 2018)