EternalFeather
Expertise : I am an AI Researcher, interested in machine learning, deep reinforcement learning, game programming and natural language processing.
NCKU/FZU/MCUChina
Pinned Repositories
Angel_Seasons_Renpy_RPG
Use Ren'Py to create our own gal game
Attention-Based-Reward-SeqGAN
Sequence Generative Adversarial Learning with Attention-Based Reward for Neural Conversation Model
Chatbot-Training-Corpus
总结了一些可以用作聊天机器人训练实作的文字语聊,包含中英文不同语言
ESIM
ESIM model : implementation of Enhanced LSTM for Natural language inference
Generative-adversarial-Nets-in-NLP
Implementation about Attention-Based Reward Conditional SeqGAN (AR-CSGAN)
Numpy-based-Model
Seq2seq model with LSTM using numpy only
Single-Cycle-MIPS-CPU
An Implementation of Single cycle MIPS CPU for Computer Orgnization.
Transformer-in-generating-dialogue
An Implementation of 'Attention is all you need' with Chinese Corpus
Word2Vec-on-Wikipedia-Corpus
利用wikipedia中英文的語料訓練Word2vec模型
transformer
A TensorFlow Implementation of the Transformer: Attention Is All You Need
EternalFeather's Repositories
EternalFeather/Chatbot-Training-Corpus
总结了一些可以用作聊天机器人训练实作的文字语聊,包含中英文不同语言
EternalFeather/Attention-Based-Reward-SeqGAN
Sequence Generative Adversarial Learning with Attention-Based Reward for Neural Conversation Model
EternalFeather/Numpy-based-Model
Seq2seq model with LSTM using numpy only
EternalFeather/AdvantageOfDoubling
Model and Training code for The Advantage of Doubling: A Deep Reinforcement Learning Approach to Studying the Double Team in the NBA
EternalFeather/awesome-chatbot-list
最酷的深度学习聊天机器人资源集合 Awesome chatbot resource list
EternalFeather/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
EternalFeather/cnn-text-classification-pytorch
CNNs for Sentence Classification in PyTorch
EternalFeather/courses
fast.ai Courses
EternalFeather/deep-painterly-harmonization
Code and data for paper "Deep Painterly Harmonization" (ArXiv TBD!)
EternalFeather/deeplearning-papernotes
Summaries and notes on Deep Learning research papers
EternalFeather/DeepToxic
top 1% solution to toxic comment classification challenge on Kaggle.
EternalFeather/Hierarchical-Attention-Network
HAN model. Three versions.
EternalFeather/Hybrid-Code-Networks
Hybrid Code Networks in PyTorch
EternalFeather/insuranceQA-cnn-lstm
tensorflow and theano cnn code for insurance QA(question Answer matching)
EternalFeather/magenta
Magenta: Music and Art Generation with Machine Intelligence
EternalFeather/MARL-Papers
Paper list of multi-agent reinforcement learning (MARL)
EternalFeather/multiNLI_encoder
This is a repo for multiNLI_encoder.
EternalFeather/NER
基于tensorflow深度学习的中文的命名实体识别
EternalFeather/Progressive_GANs
This is the code for "Generative Artificial Intelligence" By Siraj Raval on Youtube
EternalFeather/QA-Snake
基于多搜索引擎和深度学习技术的自动问答
EternalFeather/RL-Adventure
Pytorch easy-to-follow step-by-step Deep Q Learning tutorial with clean readable code.
EternalFeather/RNN-for-Joint-NLU-1
Tensorflow implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)
EternalFeather/style2paints
sketch + style = paints :art:
EternalFeather/TCN
Sequence modeling benchmarks and temporal convolutional networks
EternalFeather/tensorflow-eager-tutorials
Simple tutorials for building neural networks with TensorFlow Eager mode.
EternalFeather/Tensorflow-Tutorial
Some interesting TensorFlow tutorials for beginners.
EternalFeather/TensorFlow-Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
EternalFeather/TensorFlow-Tutorials-1
Simple tutorials using Google's TensorFlow Framework
EternalFeather/toxic
Toxic Comment Classification Challenge, 12th place solution https://www.kaggle.com/c/jigsaw-toxic-comment-classification-challenge
EternalFeather/zh-NER-TF
A simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)