All Projects → Fancy Nlp → Similar Projects or Alternatives

581 Open source projects that are alternatives of or similar to Fancy Nlp

Atec Nlp
ATEC 金融大脑-金融智能NLP服务
Stars: ✭ 74 (-68.24%)
Mutual labels:  text-classification
Thulac Java
An Efficient Lexical Analyzer for Chinese
Stars: ✭ 285 (+22.32%)
Mutual labels:  chinese-nlp
Thuctc
An Efficient Chinese Text Classifier
Stars: ✭ 179 (-23.18%)
Mutual labels:  chinese-nlp
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-68.67%)
Mutual labels:  text-classification
Nlp Recipes
Natural Language Processing Best Practices & Examples
Stars: ✭ 5,783 (+2381.97%)
Mutual labels:  text-classification
Named Entity Recognition With Bidirectional Lstm Cnns
Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Stars: ✭ 283 (+21.46%)
Mutual labels:  named-entity-recognition
Triggerner
TriggerNER: Learning with Entity Triggers as Explanations for Named Entity Recognition (ACL 2020)
Stars: ✭ 141 (-39.48%)
Mutual labels:  named-entity-recognition
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (+18.88%)
Mutual labels:  crf
Char Cnn Text Classification Tensorflow
Character-level Convolutional Networks for Text Classification论文仿真实现
Stars: ✭ 72 (-69.1%)
Mutual labels:  text-classification
Compromise
modest natural-language processing
Stars: ✭ 10,086 (+4228.76%)
Mutual labels:  named-entity-recognition
Thulac
An Efficient Lexical Analyzer for Chinese
Stars: ✭ 629 (+169.96%)
Mutual labels:  chinese-nlp
A Pytorch Tutorial To Sequence Labeling
Empower Sequence Labeling with Task-Aware Neural Language Model | a PyTorch Tutorial to Sequence Labeling
Stars: ✭ 257 (+10.3%)
Mutual labels:  crf
Seq2annotation
基于 TensorFlow & PaddlePaddle 的通用序列标注算法库(目前包含 BiLSTM+CRF, Stacked-BiLSTM+CRF 和 IDCNN+CRF,更多算法正在持续添加中)实现中文分词(Tokenizer / segmentation)、词性标注(Part Of Speech, POS)和命名实体识别(Named Entity Recognition, NER)等序列标注任务。
Stars: ✭ 70 (-69.96%)
Mutual labels:  named-entity-recognition
ADEL
ADEL is a robust and efficient entity linking framework that is adaptive to text genres and language, entity types for the classification task and referent knowledge base for the linking task.
Stars: ✭ 15 (-93.56%)
Mutual labels:  named-entity-recognition
Parselawdocuments
对收集的法律文档进行一系列分析,包括根据规范自动切分、案件相似度计算、案件聚类、法律条文推荐等(试验目前基于婚姻类案件,可扩展至其它领域)。
Stars: ✭ 138 (-40.77%)
Mutual labels:  text-classification
europeananp-ner
Named Entities Recognition Annotator Tool for Europeana Newspapers
Stars: ✭ 58 (-75.11%)
Mutual labels:  named-entity-recognition
Keras bert classification
Bert-classification and bert-dssm implementation with keras.
Stars: ✭ 67 (-71.24%)
Mutual labels:  text-classification
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 (-80.69%)
Mutual labels:  named-entity-recognition
Textclassification Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
Stars: ✭ 621 (+166.52%)
Mutual labels:  text-classification
WeSTClass
[CIKM 2018] Weakly-Supervised Neural Text Classification
Stars: ✭ 67 (-71.24%)
Mutual labels:  text-classification
Lstm Cnn classification
Stars: ✭ 64 (-72.53%)
Mutual labels:  text-classification
node-fasttext
Nodejs binding for fasttext representation and classification.
Stars: ✭ 39 (-83.26%)
Mutual labels:  text-classification
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-41.63%)
Mutual labels:  text-classification
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (-71.67%)
Mutual labels:  text-classification
Unet Crf Rnn
Edge-aware U-Net with CRF-RNN layer for Medical Image Segmentation
Stars: ✭ 63 (-72.96%)
Mutual labels:  crf
keras-bert-ner
Keras solution of Chinese NER task using BiLSTM-CRF/BiGRU-CRF/IDCNN-CRF model with Pretrained Language Model: supporting BERT/RoBERTa/ALBERT
Stars: ✭ 7 (-97%)
Mutual labels:  crf
Nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 202 (-13.3%)
Mutual labels:  text-classification
acl19 subtagger
Code for ACL '19 paper: Towards Improving Neural Named Entity Recognition with Gazetteers
Stars: ✭ 33 (-85.84%)
Mutual labels:  named-entity-recognition
Sentiment analysis albert
sentiment analysis、文本分类、ALBERT、TextCNN、classification、tensorflow、BERT、CNN、text classification
Stars: ✭ 61 (-73.82%)
Mutual labels:  text-classification
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (-18.03%)
Mutual labels:  text-classification
Nlp pytorch project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Stars: ✭ 153 (-34.33%)
Mutual labels:  text-classification
Min nlp practice
Chinese & English Cws Pos Ner Entity Recognition implement using CNN bi-directional lstm and crf model with char embedding.基于字向量的CNN池化双向BiLSTM与CRF模型的网络,可能一体化的完成中文和英文分词,词性标注,实体识别。主要包括原始文本数据,数据转换,训练脚本,预训练模型,可用于序列标注研究.注意:唯一需要实现的逻辑是将用户数据转化为序列模型。分词准确率约为93%,词性标注准确率约为90%,实体标注(在本样本上)约为85%。
Stars: ✭ 107 (-54.08%)
Mutual labels:  crf
Stanza
Official Stanford NLP Python Library for Many Human Languages
Stars: ✭ 5,887 (+2426.61%)
Mutual labels:  named-entity-recognition
support-tickets-classification
This case study shows how to create a model for text analysis and classification and deploy it as a web service in Azure cloud in order to automatically classify support tickets. This project is a proof of concept made by Microsoft (Commercial Software Engineering team) in collaboration with Endava http://endava.com/en
Stars: ✭ 142 (-39.06%)
Mutual labels:  text-classification
Textblob Ar
Arabic support for textblob
Stars: ✭ 60 (-74.25%)
Mutual labels:  text-classification
Stanford-NER-Python
Stanford Named Entity Recognizer (NER) - Python Wrapper
Stars: ✭ 63 (-72.96%)
Mutual labels:  named-entity-recognition
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (-90.56%)
Mutual labels:  text-classification
weak-supervision-for-NER
Framework to learn Named Entity Recognition models without labelled data using weak supervision.
Stars: ✭ 114 (-51.07%)
Mutual labels:  named-entity-recognition
Mt Dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
Stars: ✭ 1,871 (+703%)
Mutual labels:  named-entity-recognition
ebe-dataset
Evidence-based Explanation Dataset (AACL-IJCNLP 2020)
Stars: ✭ 16 (-93.13%)
Mutual labels:  text-classification
Meta
A Modern C++ Data Sciences Toolkit
Stars: ✭ 600 (+157.51%)
Mutual labels:  text-classification
Band
BAND:BERT Application aNd Deployment,Simple and efficient BERT model training and deployment, 简单高效的 BERT 模型训练和部署
Stars: ✭ 216 (-7.3%)
Mutual labels:  text-classification
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+534.76%)
Mutual labels:  text-classification
Deeppavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
Stars: ✭ 5,525 (+2271.24%)
Mutual labels:  named-entity-recognition
stack-lstm-ner
Transition-based NER system
Stars: ✭ 35 (-84.98%)
Mutual labels:  named-entity-recognition
Nlp estimator tutorial
Educational material on using the TensorFlow Estimator framework for text classification
Stars: ✭ 131 (-43.78%)
Mutual labels:  text-classification
Chinese Chatbot Pytorch Implementation
🍀 Another Chinese chatbot implemented in PyTorch, which is the sub-module of intelligent work order processing robot. 👩‍🔧
Stars: ✭ 576 (+147.21%)
Mutual labels:  chinese-nlp
text-classification-svm
The missing SVM-based text classification module implementing HanLP's interface
Stars: ✭ 46 (-80.26%)
Mutual labels:  text-classification
Fasttext.py
A Python interface for Facebook fastText
Stars: ✭ 1,091 (+368.24%)
Mutual labels:  text-classification
lstm-crf-tagging
No description or website provided.
Stars: ✭ 13 (-94.42%)
Mutual labels:  crf
Open Sesame
A frame-semantic parsing system based on a softmax-margin SegRNN.
Stars: ✭ 170 (-27.04%)
Mutual labels:  crf
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 (-36.48%)
Mutual labels:  named-entity-recognition
Anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Stars: ✭ 1,392 (+497.42%)
Mutual labels:  named-entity-recognition
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (+144.64%)
Mutual labels:  text-classification
Fastrtext
R wrapper for fastText
Stars: ✭ 103 (-55.79%)
Mutual labels:  text-classification
Pythoncode Tutorials
The Python Code Tutorials
Stars: ✭ 544 (+133.48%)
Mutual labels:  text-classification
Sentiment analysis fine grain
Multi-label Classification with BERT; Fine Grained Sentiment Analysis from AI challenger
Stars: ✭ 546 (+134.33%)
Mutual labels:  text-classification
Open Semantic Search Apps
Python/Django based webapps and web user interfaces for search, structure (meta data management like thesaurus, ontologies, annotations and named entities) and data import (ETL like text extraction, OCR and crawling filesystems or websites)
Stars: ✭ 55 (-76.39%)
Mutual labels:  named-entity-recognition
Pytorch Transformers Classification
Based on the Pytorch-Transformers library by HuggingFace. To be used as a starting point for employing Transformer models in text classification tasks. Contains code to easily train BERT, XLNet, RoBERTa, and XLM models for text classification.
Stars: ✭ 229 (-1.72%)
Mutual labels:  text-classification
Paddlenlp
NLP Core Library and Model Zoo based on PaddlePaddle 2.0
Stars: ✭ 212 (-9.01%)
Mutual labels:  text-classification
301-360 of 581 similar projects