All Projects → Bilstm Lan → Similar Projects or Alternatives

267 Open source projects that are alternatives of or similar to Bilstm Lan

Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+633.2%)
spacy-server
🦜 Containerized HTTP API for industrial-strength NLP via spaCy and sense2vec
Stars: ✭ 58 (-75.93%)
Seqeval
A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...)
Stars: ✭ 508 (+110.79%)
Multi Task Nlp
multi_task_NLP is a utility toolkit enabling NLP developers to easily train and infer a single model for multiple tasks.
Stars: ✭ 221 (-8.3%)
Ld Net
Efficient Contextualized Representation: Language Model Pruning for Sequence Labeling
Stars: ✭ 148 (-38.59%)
CrossNER
CrossNER: Evaluating Cross-Domain Named Entity Recognition (AAAI-2021)
Stars: ✭ 87 (-63.9%)
Seq2annotation
基于 TensorFlow & PaddlePaddle 的通用序列标注算法库(目前包含 BiLSTM+CRF, Stacked-BiLSTM+CRF 和 IDCNN+CRF,更多算法正在持续添加中)实现中文分词(Tokenizer / segmentation)、词性标注(Part Of Speech, POS)和命名实体识别(Named Entity Recognition, NER)等序列标注任务。
Stars: ✭ 70 (-70.95%)
Pytorch-NLU
Pytorch-NLU,一个中文文本分类、序列标注工具包,支持中文长文本、短文本的多类、多标签分类任务,支持中文命名实体识别、词性标注、分词等序列标注任务。 Ptorch NLU, a Chinese text classification and sequence annotation toolkit, supports multi class and multi label classification tasks of Chinese long text and short text, and supports sequence annotation tasks such as Chinese named entity recognition, part of speech ta…
Stars: ✭ 151 (-37.34%)
CrowdLayer
A neural network layer that enables training of deep neural networks directly from crowdsourced labels (e.g. from Amazon Mechanical Turk) or, more generally, labels from multiple annotators with different biases and levels of expertise.
Stars: ✭ 45 (-81.33%)
Lac
百度NLP:分词,词性标注,命名实体识别,词重要性
Stars: ✭ 2,792 (+1058.51%)
Autoner
Learning Named Entity Tagger from Domain-Specific Dictionary
Stars: ✭ 357 (+48.13%)
Slot filling and intent detection of slu
slot filling, intent detection, joint training, ATIS & SNIPS datasets, the Facebook’s multilingual dataset, MIT corpus, E-commerce Shopping Assistant (ECSA) dataset, CoNLL2003 NER, ELMo, BERT, XLNet
Stars: ✭ 298 (+23.65%)
Cluener2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
Stars: ✭ 689 (+185.89%)
Anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Stars: ✭ 1,392 (+477.59%)
Pyhanlp
中文分词 词性标注 命名实体识别 依存句法分析 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁 自然语言处理
Stars: ✭ 2,564 (+963.9%)
Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Stars: ✭ 2,235 (+827.39%)
Awesome Persian Nlp Ir
Curated List of Persian Natural Language Processing and Information Retrieval Tools and Resources
Stars: ✭ 460 (+90.87%)
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+944.81%)
Named entity recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Stars: ✭ 995 (+312.86%)
pyner
🌈 Implementation of Neural Network based Named Entity Recognizer (Lample+, 2016) using Chainer.
Stars: ✭ 45 (-81.33%)
sequence labeling tf
Sequence Labeling in Tensorflow
Stars: ✭ 18 (-92.53%)
AlpacaTag
AlpacaTag: An Active Learning-based Crowd Annotation Framework for Sequence Tagging (ACL 2019 Demo)
Stars: ✭ 126 (-47.72%)
deepnlp
小时候练手的nlp项目
Stars: ✭ 11 (-95.44%)
Flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
Stars: ✭ 11,065 (+4491.29%)
Neuronlp2
Deep neural models for core NLP tasks (Pytorch version)
Stars: ✭ 397 (+64.73%)
Pynlp
A pythonic wrapper for Stanford CoreNLP.
Stars: ✭ 103 (-57.26%)
Neural sequence labeling
A TensorFlow implementation of Neural Sequence Labeling model, which is able to tackle sequence labeling tasks such as POS Tagging, Chunking, NER, Punctuation Restoration and etc.
Stars: ✭ 214 (-11.2%)
Crf Layer On The Top Of Bilstm
The CRF Layer was implemented by using Chainer 2.0. Please see more details here: https://createmomo.github.io/2017/09/12/CRF_Layer_on_the_Top_of_BiLSTM_1/
Stars: ✭ 148 (-38.59%)
Mutual labels:  named-entity-recognition
Medical Entity Recognition
包含传统的基于统计模型(CRF)和基于深度学习(Embedding-Bi-LSTM-CRF)下的医疗数据命名实体识别
Stars: ✭ 184 (-23.65%)
Mutual labels:  named-entity-recognition
Ner Corpora
Named Entity Recognition data for Europeana Newspapers
Stars: ✭ 151 (-37.34%)
Mutual labels:  named-entity-recognition
Spacy Course
👩‍🏫 Advanced NLP with spaCy: A free online course
Stars: ✭ 1,920 (+696.68%)
Mutual labels:  named-entity-recognition
Spacy Lookup
Named Entity Recognition based on dictionaries
Stars: ✭ 212 (-12.03%)
Mutual labels:  named-entity-recognition
Persian Ner
پیکره بزرگ شناسایی موجودیت‌های نامدار فارسی برچسب خورده
Stars: ✭ 183 (-24.07%)
Mutual labels:  named-entity-recognition
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 (-38.17%)
Mutual labels:  sequence-labeling
Bert Sklearn
a sklearn wrapper for Google's BERT model
Stars: ✭ 182 (-24.48%)
Mutual labels:  named-entity-recognition
Information Extraction Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
Stars: ✭ 1,888 (+683.4%)
Mutual labels:  named-entity-recognition
Jptdp
Neural network models for joint POS tagging and dependency parsing (CoNLL 2017-2018)
Stars: ✭ 146 (-39.42%)
Mutual labels:  part-of-speech-tagger
Dilated Cnn Ner
Dilated CNNs for NER in TensorFlow
Stars: ✭ 222 (-7.88%)
Mutual labels:  named-entity-recognition
Quickumls
System for Medical Concept Extraction and Linking
Stars: ✭ 209 (-13.28%)
Mutual labels:  named-entity-recognition
Gerbil
GERBIL - General Entity annotatoR Benchmark
Stars: ✭ 180 (-25.31%)
Mutual labels:  named-entity-recognition
Indonesian Nlp Resources
data resource untuk NLP bahasa indonesia
Stars: ✭ 143 (-40.66%)
Mutual labels:  named-entity-recognition
Triggerner
TriggerNER: Learning with Entity Triggers as Explanations for Named Entity Recognition (ACL 2020)
Stars: ✭ 141 (-41.49%)
Mutual labels:  named-entity-recognition
Prosody
Helsinki Prosody Corpus and A System for Predicting Prosodic Prominence from Text
Stars: ✭ 139 (-42.32%)
Mutual labels:  sequence-labeling
Pytorch graph Rel
A PyTorch implementation of GraphRel
Stars: ✭ 204 (-15.35%)
Mutual labels:  named-entity-recognition
Chinsesner Pytorch
基于BI-LSTM+CRF的中文命名实体识别 Pytorch
Stars: ✭ 174 (-27.8%)
Mutual labels:  named-entity-recognition
Chinesener
基于Bi-GRU + CRF 的中文机构名、人名识别, 支持google bert模型
Stars: ✭ 136 (-43.57%)
Mutual labels:  named-entity-recognition
Lstm Crf
A (CNN+)RNN(LSTM/BiLSTM)+CRF model for sequence labelling.😏
Stars: ✭ 134 (-44.4%)
Mutual labels:  sequence-labeling
Mt Dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
Stars: ✭ 1,871 (+676.35%)
Mutual labels:  named-entity-recognition
Pytorch Bert Crf Ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Stars: ✭ 236 (-2.07%)
Mutual labels:  named-entity-recognition
Bnlp
BNLP is a natural language processing toolkit for Bengali Language.
Stars: ✭ 127 (-47.3%)
Mutual labels:  named-entity-recognition
Monpa
MONPA 罔拍是一個提供正體中文斷詞、詞性標註以及命名實體辨識的多任務模型
Stars: ✭ 203 (-15.77%)
Mutual labels:  named-entity-recognition
Vntk
Vietnamese NLP Toolkit for Node
Stars: ✭ 170 (-29.46%)
Mutual labels:  named-entity-recognition
Rdrpostagger
A fast and accurate POS and morphological tagging toolkit (EACL 2014)
Stars: ✭ 126 (-47.72%)
Mutual labels:  part-of-speech-tagger
Ner Evaluation
An implementation of a full named-entity evaluation metrics based on SemEval'13 Task 9 - not at tag/token level but considering all the tokens that are part of the named-entity
Stars: ✭ 126 (-47.72%)
Mutual labels:  named-entity-recognition
Zh Ner Tf
A very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)
Stars: ✭ 2,063 (+756.02%)
Mutual labels:  named-entity-recognition
Camel tools
A suite of Arabic natural language processing tools developed by the CAMeL Lab at New York University Abu Dhabi.
Stars: ✭ 124 (-48.55%)
Mutual labels:  named-entity-recognition
Dan Jurafsky Chris Manning Nlp
My solution to the Natural Language Processing course made by Dan Jurafsky, Chris Manning in Winter 2012.
Stars: ✭ 124 (-48.55%)
Mutual labels:  named-entity-recognition
Open Semantic Etl
Python based Open Source ETL tools for file crawling, document processing (text extraction, OCR), content analysis (Entity Extraction & Named Entity Recognition) & data enrichment (annotation) pipelines & ingestor to Solr or Elastic search index & linked data graph database
Stars: ✭ 165 (-31.54%)
Mutual labels:  named-entity-recognition
Awesome Hungarian Nlp
A curated list of NLP resources for Hungarian
Stars: ✭ 121 (-49.79%)
Mutual labels:  named-entity-recognition
Neuroner
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
Stars: ✭ 1,579 (+555.19%)
Mutual labels:  named-entity-recognition
1-60 of 267 similar projects