Pinned Repositories
ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
AdversarialNetsPapers
The classical paper list with code about generative adversarial nets
AI-Comp
AI-Challenger Baseline 细粒度用户评论情感分析
AlgorithmsByPython
算法/数据结构/Python/剑指offer/机器学习/leetcode
anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Architecture
Architecture for big data management
awd-lstm-lm
LSTM and QRNN Language Model Toolkit for PyTorch
clausie
Updated ClausIE to work w/Stanford NLP 3.6 & Universal Dependencies.
dependency_parsing_tf
Tensorflow implementation of "A Fast and Accurate Dependency Parser using Neural Networks"
Knowledge-Base
To build a knowledge base under the guidance of the teacher: Fabian Suchanek
tangku006's Repositories
tangku006/awd-lstm-lm
LSTM and QRNN Language Model Toolkit for PyTorch
tangku006/ABSA-PyTorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
tangku006/AdversarialNetsPapers
The classical paper list with code about generative adversarial nets
tangku006/AI-Comp
AI-Challenger Baseline 细粒度用户评论情感分析
tangku006/anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
tangku006/AttentionXML
Implementation for "AttentionXML: Label Tree-based Attention-Aware Deep Model for High-Performance Extreme Multi-Label Text Classification"
tangku006/bert
TensorFlow code and pre-trained models for BERT
tangku006/bert-as-service
Mapping a variable-length sentence to a fixed-length vector using BERT model
tangku006/BERT-Classification-Tutorial
tangku006/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
tangku006/chinese_ulmfit
中文ULMFiT 情感分析 文本分类
tangku006/ConvLab
tangku006/CoreNLP
Stanford CoreNLP: A Java suite of core NLP tools.
tangku006/doccano
Open source text annotation tool for machine learning practitioner.
tangku006/fastai
The fastai deep learning library, plus lessons and and tutorials
tangku006/information-extraction
tangku006/jack
Jack the Reader
tangku006/kaggle-jigsaw-multilingual-toxic-comment-classification-3rd-place-solution
tangku006/LatticeLSTM
Chinese NER using Lattice LSTM. Code for ACL 2018 paper.
tangku006/models
Models and examples built with TensorFlow
tangku006/nl2sql_baseline
tangku006/nlp-competitions-list-review
复盘所有NLP比赛的TOP方案,只关注NLP比赛,持续更新中!
tangku006/sequence_tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
tangku006/task_oriented_dialogue_as_dataflow_synthesis
Code to reproduce experiments in the paper "Task-Oriented Dialogue as Dataflow Synthesis" (TACL 2020).
tangku006/tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
tangku006/TensorFlow-Deep-Learning
用TensorFlow搭建CNN/RNN/LSTM/GRU/BiRNN/BiLSTM/BiGRU/Capsule Network等deep learning模型
tangku006/tensorrt-inference-server
The TensorRT Inference Server provides a cloud inferencing solution optimized for NVIDIA GPUs.
tangku006/ulmfit-multilingual
Temporary repository used for collaboration on application of for multiple languages.
tangku006/wenzheng
ai challenger 2018细粒度情感分类第一名解决方案,统一使用tensorflow和pytorch的一个框架
tangku006/xlnet
XLNet: Generalized Autoregressive Pretraining for Language Understanding