vikingdby's Stars
hankcs/HanLP
中文分词 词性标注 命名实体识别 依存句法分析 成分句法分析 语义依存分析 语义角色标注 指代消解 风格转换 语义相似度 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
indiejoseph/doc-han-att
Hierarchical Attention Networks for Chinese Sentiment Classification
brightmart/text_classification
all kinds of text classification models and more with deep learning
EdGENetworks/attention-networks-for-classification
Hierarchical Attention Networks for Document Classification in PyTorch
AIChallenger/AI_Challenger_2018
AI Challenger, a platform for open datasets and programming competitions to artificial intelligence (AI) talents around the world. https://challenger.ai/
facebookresearch/fastText
Library for fast text representation and classification.
simoninithomas/Deep_reinforcement_learning_Course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
jadore801120/attention-is-all-you-need-pytorch
A PyTorch implementation of the Transformer model in "Attention is All You Need".
kpot/keras-transformer
Keras library for building (Universal) Transformers, facilitating BERT and GPT models
ShawnyXiao/TextClassification-Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
AnubhavGupta3377/Text-Classification-Models-Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
yongzhuo/Keras-TextClassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
Embedding/Chinese-Word-Vectors
100+ Chinese Word Vectors 上百种预训练中文词向量
Hironsan/awesome-embedding-models
A curated list of awesome embedding models tutorials, projects and communities.
seaweedfs/seaweedfs
SeaweedFS is a fast distributed storage system for blobs, objects, files, and data lake, for billions of files! Blob store has O(1) disk seek, cloud tiering. Filer supports Cloud Drive, cross-DC active-active replication, Kubernetes, POSIX FUSE mount, S3 API, S3 Gateway, Hadoop, WebDAV, encryption, Erasure Coding.
Artaches/SSAN-self-attention-sentiment-analysis-classification
Self-Attention: A Better Building Block for Sentiment Analysis Neural Network Classifiers - paper's code for the 9th Workshop on Computational Approaches to Subjectivity, Sentiment & Social Media Analysis - held in conjuction with EMNLP 2018
tensorflow/serving
A flexible, high-performance serving system for machine learning models
Separius/BERT-keras
Keras implementation of BERT with pre-trained weights
PaddlePaddle/ERNIE
Official implementations for various pre-training models of ERNIE-family, covering topics of Language Understanding & Generation, Multimodal Understanding & Generation, and beyond.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
huggingface/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
flutter/flutter
Flutter makes it easy and fast to build beautiful apps for mobile and beyond
rsennrich/subword-nmt
Unsupervised Word Segmentation for Neural Machine Translation and Text Generation
openai/gpt-2
Code for the paper "Language Models are Unsupervised Multitask Learners"
google-research/bert
TensorFlow code and pre-trained models for BERT
openai/finetune-transformer-lm
Code and model for the paper "Improving Language Understanding by Generative Pre-Training"
bheinzerling/bpemb
Pre-trained subword embeddings in 275 languages, based on Byte-Pair Encoding (BPE)
buomsoo-kim/Easy-deep-learning-with-Keras
Keras tutorial for beginners (using TF backend)
farizrahman4u/seq2seq
Sequence to Sequence Learning with Keras