Pinned Repositories
adaptivesoftmax
AdvancePython
python高级编程
albert_pytorch
albert_zh对应的pytorch版本
algorithm
Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
annotated-transformer
http://nlp.seas.harvard.edu/2018/04/03/attention.html
attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
CS-Books
🔥🔥超过1000本的计算机经典书籍、个人笔记资料以及本人在各平台发表文章中所涉及的资源等。书籍资源包括C/C++、Java、Python、Go语言、数据结构与算法、操作系统、后端架构、计算机系统知识、数据库、计算机网络、设计模式、前端、汇编以及校招社招各种面经~
mta-lstm-pytorch
PyTorch implementation of MTA-LSTM
transformers
🤗 Transformers: State-of-the-art Natural Language Processing for TensorFlow 2.0 and PyTorch.
shaoxiaoyu's Repositories
shaoxiaoyu/Algorithm_Interview_Notes-Chinese
2018/2019/校招/春招/秋招/算法/机器学习(Machine Learning)/深度学习(Deep Learning)/自然语言处理(NLP)/C/C++/Python/面试笔记
shaoxiaoyu/nmt
TensorFlow Neural Machine Translation Tutorial
shaoxiaoyu/ChineseNlpCorpus
搜集、整理、发布 中文 自然语言处理 语料/数据集,与 有志之士 共同 促进 中文 自然语言处理 的 发展。
shaoxiaoyu/multi-domain-belief-tracking
The implementation of the model proposed in the Large-Scale Multi-Domain Belief Tracking with Knowledge Sharing paper
shaoxiaoyu/MTA-LSTM-TensorFlow
Recent TensorFlow implementation of Topic-to-Essay Generation with Neural Networks.
shaoxiaoyu/OpenNMT-py
Open Source Neural Machine Translation in PyTorch
shaoxiaoyu/Self-Attentive-and-Gated-SLU
Implementation of paper accepted by EMNLP 2018 using Pytorch named "A Self-Attentive Model with Gate Mechanism for Spoken Language Understanding".
shaoxiaoyu/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
shaoxiaoyu/nlg-sclstm-multiwoz
shaoxiaoyu/adaptivesoftmax
shaoxiaoyu/text_classification
all kinds of text classification models and more with deep learning
shaoxiaoyu/finetune-transformer-lm
Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
shaoxiaoyu/Machine-Learning-Session
shaoxiaoyu/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
shaoxiaoyu/pytorch-openai-transformer-lm
A PyTorch implementation of OpenAI's finetuned transformer language model with a script to import the weights pre-trained by OpenAI
shaoxiaoyu/pytorch-tensorboardx-visualization
shaoxiaoyu/ML-Tutorial-Experiment
Coding the Machine Learning Tutorial for Learning to Learn
shaoxiaoyu/SeqGAN
Implementation of Sequence Generative Adversarial Nets with Policy Gradient
shaoxiaoyu/gitskills
shaoxiaoyu/learngit
shaoxiaoyu/bootstrap
The most popular HTML, CSS, and JavaScript framework for developing responsive, mobile first projects on the web.
shaoxiaoyu/gen_song
shaoxiaoyu/toutiao-text-classfication-dataset
今日头条中文新闻(文本)分类数据集
shaoxiaoyu/Lyrics
shaoxiaoyu/neural-knowledge-diffusion
shaoxiaoyu/PyTorchText
1st Place Solution for Zhihu Machine Learning Challenge . Implementation of various text-classification models.(知乎看山杯第一名解决方案)
shaoxiaoyu/annotated-transformer
http://nlp.seas.harvard.edu/2018/04/03/attention.html
shaoxiaoyu/DPCNN-TextCNN-Pytorch-Inception
本项目主要为针对DPCNN(Deep Pyramid Convolutional Neural Networks for Text Categorization )文本分类(Text Classification)的论文复现以及基于知乎看山杯Inception的修改和复现,后者效果略优。
shaoxiaoyu/transformer-tensorflow
TensorFlow implementation of 'Attention Is All You Need (2017. 6)'
shaoxiaoyu/simple-transformer
Attention Is All You Need (https://arxiv.org/abs/1706.03762)