All Projects → Lightnlp → Similar Projects or Alternatives

1059 Open source projects that are alternatives of or similar to Lightnlp

Nlp chinese corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
Stars: ✭ 6,656 (+800.68%)
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (-90.8%)
Ngram2vec
Four word embedding models implemented in Python. Supporting arbitrary context features
Stars: ✭ 703 (-4.87%)
Mutual labels:  chinese, word2vec
Pytorch multi head selection re
BERT + reproduce "Joint entity recognition and relation extraction as a multi-head selection problem" for Chinese and English IE
Stars: ✭ 105 (-85.79%)
Mutual labels:  chinese, relation-extraction
Cluedatasetsearch
搜索所有中文NLP数据集,附常用英文NLP数据集
Stars: ✭ 2,112 (+185.79%)
Mutual labels:  chinese, text-classification
Nlp In Practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
Stars: ✭ 790 (+6.9%)
Mutual labels:  text-classification, word2vec
Fasttext.js
FastText for Node.js
Stars: ✭ 127 (-82.81%)
Mutual labels:  text-classification, word2vec
Nlp xiaojiang
自然语言处理(nlp),小姜机器人(闲聊检索式chatbot),BERT句向量-相似度(Sentence Similarity),XLNET句向量-相似度(text xlnet embedding),文本分类(Text classification), 实体提取(ner,bert+bilstm+crf),数据增强(text augment, data enhance),同义句同义词生成,句子主干提取(mainpart),中文汉语短文本相似度,文本特征工程,keras-http-service调用
Stars: ✭ 954 (+29.09%)
Mutual labels:  chinese, text-classification
Char rnn lm zh
language model in Chinese,基于Pytorch官方文档实现
Stars: ✭ 57 (-92.29%)
Mutual labels:  chinese, language-model
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-97.16%)
Mutual labels:  text-classification, word2vec
Deep-NLP-Resources
Curated list of all NLP Resources
Stars: ✭ 65 (-91.2%)
FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
Stars: ✭ 204 (-72.4%)
Chinese Text Classification
Chinese-Text-Classification,Tensorflow CNN(卷积神经网络)实现的中文文本分类。QQ群:522785813,微信群二维码:http://www.tensorflownews.com/
Stars: ✭ 284 (-61.57%)
Mutual labels:  chinese, text-classification
MetaLifelongLanguage
Repository containing code for the paper "Meta-Learning with Sparse Experience Replay for Lifelong Language Learning".
Stars: ✭ 21 (-97.16%)
Ml Projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
Stars: ✭ 127 (-82.81%)
Mutual labels:  text-classification, word2vec
Bert language understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding: pre-train TextCNN
Stars: ✭ 933 (+26.25%)
Eda nlp for chinese
An implement of the paper of EDA for Chinese corpus.中文语料的EDA数据增强工具。NLP数据增强。论文阅读笔记。
Stars: ✭ 660 (-10.69%)
Mutual labels:  chinese, text-classification
Chinese Electra
Pre-trained Chinese ELECTRA(中文ELECTRA预训练模型)
Stars: ✭ 830 (+12.31%)
Mutual labels:  chinese, language-model
Zhopenie
Chinese Open Information Extraction (Tree-based Triple Relation Extraction Module)
Stars: ✭ 98 (-86.74%)
Mutual labels:  chinese, relation-extraction
Lotclass
[EMNLP 2020] Text Classification Using Label Names Only: A Language Model Self-Training Approach
Stars: ✭ 160 (-78.35%)
BERT-chinese-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained BERT model for text classification.
Stars: ✭ 92 (-87.55%)
Mutual labels:  text-classification, chinese
Ask2Transformers
A Framework for Textual Entailment based Zero Shot text classification
Stars: ✭ 102 (-86.2%)
LM-CNLC
Chinese Natural Language Correction via Language Model
Stars: ✭ 15 (-97.97%)
Mutual labels:  chinese, language-model
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (-89.04%)
Mutual labels:  text-classification, word2vec
Cluepretrainedmodels
高质量中文预训练模型集合:最先进大模型、最快小模型、相似度专门模型
Stars: ✭ 493 (-33.29%)
Mutual labels:  chinese, text-classification
Bertweet
BERTweet: A pre-trained language model for English Tweets (EMNLP-2020)
Stars: ✭ 282 (-61.84%)
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (-59.68%)
Mutual labels:  text-classification, word2vec
Chinese-Word-Segmentation-in-NLP
State of the art Chinese Word Segmentation with Bi-LSTMs
Stars: ✭ 23 (-96.89%)
Mutual labels:  chinese, language-model
Languagecrunch
LanguageCrunch NLP server docker image
Stars: ✭ 281 (-61.98%)
Mutual labels:  word2vec, relation-extraction
Nlp learning
结合python一起学习自然语言处理 (nlp): 语言模型、HMM、PCFG、Word2vec、完形填空式阅读理解任务、朴素贝叶斯分类器、TFIDF、PCA、SVD
Stars: ✭ 188 (-74.56%)
Mutual labels:  word2vec, language-model
Char Rnn Chinese
Multi-layer Recurrent Neural Networks (LSTM, GRU, RNN) for character-level language models in Torch. Based on code of https://github.com/karpathy/char-rnn. Support Chinese and other things.
Stars: ✭ 192 (-74.02%)
Mutual labels:  chinese, language-model
Text rnn attention
嵌入Word2vec词向量的RNN+ATTENTION中文文本分类
Stars: ✭ 117 (-84.17%)
Mutual labels:  text-classification, word2vec
Few Shot Text Classification
Few-shot binary text classification with Induction Networks and Word2Vec weights initialization
Stars: ✭ 32 (-95.67%)
Mutual labels:  text-classification, word2vec
Macadam
Macadam是一个以Tensorflow(Keras)和bert4keras为基础,专注于文本分类、序列标注和关系抽取的自然语言处理工具包。支持RANDOM、WORD2VEC、FASTTEXT、BERT、ALBERT、ROBERTA、NEZHA、XLNET、ELECTRA、GPT-2等EMBEDDING嵌入; 支持FineTune、FastText、TextCNN、CharCNN、BiRNN、RCNN、DCNN、CRNN、DeepMoji、SelfAttention、HAN、Capsule等文本分类算法; 支持CRF、Bi-LSTM-CRF、CNN-LSTM、DGCNN、Bi-LSTM-LAN、Lattice-LSTM-Batch、MRC等序列标注算法。
Stars: ✭ 149 (-79.84%)
chainer-notebooks
Jupyter notebooks for Chainer hands-on
Stars: ✭ 23 (-96.89%)
Mutual labels:  word2vec, language-model
Shallowlearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
Stars: ✭ 196 (-73.48%)
Mutual labels:  text-classification, word2vec
Marktool
这是一款基于web的通用文本标注工具,支持大规模实体标注、关系标注、事件标注、文本分类、基于字典匹配和正则匹配的自动标注以及用于实现归一化的标准名标注,同时也支持文本的迭代标注和实体的嵌套标注。标注规范可自定义且同类型任务中可“一次创建多次复用”。通过分级实体集合扩大了实体类型的规模,并设计了全新高效的标注方式,提升了用户体验和标注效率。此外,本工具增加了审核环节,可对多人的标注结果进行一致性检验和调整,提高了标注语料的准确率和可靠性。
Stars: ✭ 190 (-74.29%)
Cnn Question Classification Keras
Chinese Question Classifier (Keras Implementation) on BQuLD
Stars: ✭ 28 (-96.21%)
Mutual labels:  chinese, text-classification
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (-75.37%)
Mutual labels:  text-classification, word2vec
Sentiment analysis fine grain
Multi-label Classification with BERT; Fine Grained Sentiment Analysis from AI challenger
Stars: ✭ 546 (-26.12%)
Nezha chinese pytorch
NEZHA: Neural Contextualized Representation for Chinese Language Understanding
Stars: ✭ 65 (-91.2%)
Mutual labels:  chinese, language-model
Relation-Classification
Relation Classification - SEMEVAL 2010 task 8 dataset
Stars: ✭ 46 (-93.78%)
word2vec-movies
Bag of words meets bags of popcorn in Python 3 中文教程
Stars: ✭ 54 (-92.69%)
Mutual labels:  word2vec, chinese
Nlp Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
Stars: ✭ 360 (-51.29%)
Mutual labels:  text-classification, word2vec
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (-69.01%)
Cnn Text Classification Tf Chinese
CNN for Chinese Text Classification in Tensorflow
Stars: ✭ 237 (-67.93%)
Mutual labels:  chinese, text-classification
Deepke
基于深度学习的开源中文关系抽取框架
Stars: ✭ 525 (-28.96%)
Mutual labels:  chinese, relation-extraction
Clue
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
Stars: ✭ 2,425 (+228.15%)
Mutual labels:  chinese, language-model
Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Stars: ✭ 30 (-95.94%)
Mutual labels:  text-classification, word2vec
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+388.9%)
Mutual labels:  chinese, text-classification
Chinesenre
中文实体关系抽取,pytorch,bilstm+attention
Stars: ✭ 463 (-37.35%)
Mutual labels:  chinese, relation-extraction
Textclassification Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
Stars: ✭ 621 (-15.97%)
Mutual labels:  text-classification
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (-7.71%)
Mutual labels:  text-classification
Graph2vec
A parallel implementation of "graph2vec: Learning Distributed Representations of Graphs" (MLGWorkshop 2017).
Stars: ✭ 605 (-18.13%)
Mutual labels:  word2vec
Meta
A Modern C++ Data Sciences Toolkit
Stars: ✭ 600 (-18.81%)
Mutual labels:  text-classification
Computer Science Cn
🎓计算机技术与科学自学之旅
Stars: ✭ 709 (-4.06%)
Mutual labels:  chinese
Chatito
🎯🗯 Generate datasets for AI chatbots, NLP tasks, named entity recognition or text classification models using a simple DSL!
Stars: ✭ 678 (-8.25%)
Mutual labels:  text-classification
Kobert
Korean BERT pre-trained cased (KoBERT)
Stars: ✭ 591 (-20.03%)
Mutual labels:  language-model
Phonetic
An iOS App to generate phonetic keys for your Chinese contacts. Written in Swift.
Stars: ✭ 574 (-22.33%)
Mutual labels:  chinese
Pinyin
🇨🇳 汉字拼音 ➜ hàn zì pīn yīn
Stars: ✭ 6,047 (+718.27%)
Mutual labels:  chinese
1-60 of 1059 similar projects