Pinned Repositories
abu
阿布量化交易系统(股票,期权,期货,比特币,机器学习) 基于python的开源量化交易,量化投资架构
cnn-text-classification-tf
Convolutional Neural Network for Text Classification in Tensorflow
DeepLearningExamples
Deep Learning Examples
FasterTransformer
Transformer related optimization, including BERT, GPT
fastText
Library for fast text representation and classification.
generate_novel
根据中文小说来生成文本
text-classification-cnn-rnn
CNN-RNN中文文本分类,基于tensorflow
text_classification
all kinds of text classificaiton models and more with deep learning
word2vec
Automatically exported from code.google.com/p/word2vec
zh-NER-TF
A simple BiLSTM-CRF model for Chinese Named Entity Recognition task
XieDake's Repositories
XieDake/chaotbot_corpus_Chinese
中文公开聊天语料库
XieDake/BERT-pytorch
Google AI 2018 BERT pytorch implementation
XieDake/tf_ner
Simple and Efficient Tensorflow implementations of NER models with tf.estimator and tf.data
XieDake/ansj_seg
ansj分词.ict的真正java实现.分词效果速度都超过开源版的ict. 中文分词,人名识别,词性标注,用户自定义词典
XieDake/dec-pytorch
SDAE-torch
XieDake/AMM
The code for "An Auto-Encoder Matching Model for Learning Utterance-Level Semantic Dependency in Dialogue Generation" (EMNLP 2018)
XieDake/nmt
TensorFlow Neural Machine Translation Tutorial
XieDake/abstractive-text-summarization
PyTorch implementation/experiments on Abstractive Text Summarization using Sequence-to-sequence RNNs and Beyond paper.
XieDake/CTR_Prediction
CTR prediction using FM FFM and DeepFM
XieDake/decaNLP
The Natural Language Decathlon: A Multitask Challenge for NLP
XieDake/abu
阿布量化交易系统(股票,期权,期货,比特币,机器学习) 基于python的开源量化交易,量化投资架构
XieDake/generate_novel
根据中文小说来生成文本
XieDake/TC-Bot
针对预定电影票的多轮对话系统
XieDake/tensorflow-DeepFM
Tensorflow implementation of DeepFM for CTR prediction.
XieDake/SWEM
The Tensorflow code for this ACL 2018 paper: "Baseline Needs More Love: On Simple Word-Embedding-Based Models and Associated Pooling Mechanisms"
XieDake/QANet
A Tensorflow implementation of QANet for machine reading comprehension
XieDake/deep_learning_theory_and_practice
《深度学习理论与实战》代码
XieDake/nima
Implementation of NIMA: Neural Image Assessment
XieDake/AI-writer_Data2Doc
PyTorch Implementation of NBA game summary generator.
XieDake/chinese-poetry
最全中华古诗词数据库, 唐宋两朝近一万四千古诗人, 接近5.5万首唐诗加26万宋诗. 两宋时期1564位词人,21050首词。
XieDake/PyTorch-Tutorial
Build your neural network easy and fast
XieDake/tf-seq2seq
Sequence to sequence learning using TensorFlow.
XieDake/ava_downloader
:arrow_double_down: Script to download AVA database from the website (A Large-Scale Database for Aesthetic Visual Analysis)
XieDake/PyTorch-Batch-Attention-Seq2seq
PyTorch implementation of batched bi-RNN encoder and attention-decoder.
XieDake/AI_Challenger
AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world.
XieDake/faiss
A library for efficient similarity search and clustering of dense vectors.
XieDake/seq2seq-keyphrase
XieDake/seq2seq
A general-purpose encoder-decoder framework for Tensorflow
XieDake/models
Models and examples built with TensorFlow
XieDake/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取