All Projects → pyner → Similar Projects or Alternatives

335 Open source projects that are alternatives of or similar to pyner

Flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
Stars: ✭ 11,065 (+24488.89%)
Autoner
Learning Named Entity Tagger from Domain-Specific Dictionary
Stars: ✭ 357 (+693.33%)
Cluener2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
Stars: ✭ 689 (+1431.11%)
Ld Net
Efficient Contextualized Representation: Language Model Pruning for Sequence Labeling
Stars: ✭ 148 (+228.89%)
Neuronlp2
Deep neural models for core NLP tasks (Pytorch version)
Stars: ✭ 397 (+782.22%)
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 (+0%)
CrossNER
CrossNER: Evaluating Cross-Domain Named Entity Recognition (AAAI-2021)
Stars: ✭ 87 (+93.33%)
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 (+391.11%)
sequence labeling tf
Sequence Labeling in Tensorflow
Stars: ✭ 18 (-60%)
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 (+562.22%)
Named entity recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Stars: ✭ 995 (+2111.11%)
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 (+4866.67%)
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 (+3826.67%)
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 (+235.56%)
Anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Stars: ✭ 1,392 (+2993.33%)
AlpacaTag
AlpacaTag: An Active Learning-based Crowd Annotation Framework for Sequence Tagging (ACL 2019 Demo)
Stars: ✭ 126 (+180%)
Seqeval
A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...)
Stars: ✭ 508 (+1028.89%)
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 (+375.56%)
Bilstm Lan
Hierarchically-Refined Label Attention Network for Sequence Labeling
Stars: ✭ 241 (+435.56%)
Chainer Trt
Chainer x TensorRT
Stars: ✭ 32 (-28.89%)
Mutual labels:  chainer
Chainercv
ChainerCV: a Library for Deep Learning in Computer Vision
Stars: ✭ 1,463 (+3151.11%)
Mutual labels:  chainer
Chainerrl
ChainerRL is a deep reinforcement learning library built on top of Chainer.
Stars: ✭ 931 (+1968.89%)
Mutual labels:  chainer
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (+1591.11%)
Mutual labels:  chainer
Nnpulearning
Non-negative Positive-Unlabeled (nnPU) and unbiased Positive-Unlabeled (uPU) learning reproductive code on MNIST and CIFAR10
Stars: ✭ 181 (+302.22%)
Mutual labels:  chainer
Kiss
Code for the paper "KISS: Keeping it Simple for Scene Text Recognition"
Stars: ✭ 108 (+140%)
Mutual labels:  chainer
Deeplearningmugenknock
でぃーぷらーにんぐを無限にやってディープラーニングでDeepLearningするための実装CheatSheet
Stars: ✭ 684 (+1420%)
Mutual labels:  chainer
Chainer Segnet
SegNet implementation & experiments in Chainer
Stars: ✭ 42 (-6.67%)
Mutual labels:  chainer
Chainer Pose Proposal Net
Chainer implementation of Pose Proposal Networks
Stars: ✭ 119 (+164.44%)
Mutual labels:  chainer
Resnet Multipleframework
ResNet benchmark by Keras(TensorFlow), Keras(MXNet), Chainer, PyTorch using Google Colab
Stars: ✭ 14 (-68.89%)
Mutual labels:  chainer
Dynamic routing between capsules
Implementation of Dynamic Routing Between Capsules, Sara Sabour, Nicholas Frosst, Geoffrey E Hinton, NIPS 2017
Stars: ✭ 202 (+348.89%)
Mutual labels:  chainer
Chainer Rnn Ner
Named Entity Recognition with RNN, implemented by Chainer
Stars: ✭ 19 (-57.78%)
Mutual labels:  chainer
Adversarial text
Code for Adversarial Training Methods for Semi-Supervised Text Classification
Stars: ✭ 109 (+142.22%)
Mutual labels:  chainer
Deepo
Setup and customize deep learning environment in seconds.
Stars: ✭ 6,145 (+13555.56%)
Mutual labels:  chainer
Einops
Deep learning operations reinvented (for pytorch, tensorflow, jax and others)
Stars: ✭ 4,022 (+8837.78%)
Mutual labels:  chainer
Comicolorization
This is the implementation of the "Comicolorization: Semi-automatic Manga Colorization"
Stars: ✭ 99 (+120%)
Mutual labels:  chainer
Test Tube
Python library to easily log experiments and parallelize hyperparameter search for neural networks
Stars: ✭ 663 (+1373.33%)
Mutual labels:  chainer
Chainer
A flexible framework of neural networks for deep learning
Stars: ✭ 5,656 (+12468.89%)
Mutual labels:  chainer
Deep Learning Project Template
A best practice for deep learning project template architecture.
Stars: ✭ 641 (+1324.44%)
Mutual labels:  chainer
Imgclsmob
Sandbox for training deep learning networks
Stars: ✭ 2,405 (+5244.44%)
Mutual labels:  chainer
Wasserstein Gan
Chainer implementation of Wasserstein GAN
Stars: ✭ 95 (+111.11%)
Mutual labels:  chainer
See
Code for the AAAI 2018 publication "SEE: Towards Semi-Supervised End-to-End Scene Text Recognition"
Stars: ✭ 545 (+1111.11%)
Mutual labels:  chainer
Chainer Chemistry
Chainer Chemistry: A Library for Deep Learning in Biology and Chemistry
Stars: ✭ 462 (+926.67%)
Mutual labels:  chainer
Chainer Handson
CAUTION: This is not maintained anymore. Visit https://github.com/chainer-community/chainer-colab-notebook/
Stars: ✭ 84 (+86.67%)
Mutual labels:  chainer
Capsnet
CapsNet (Capsules Net) in Geoffrey E Hinton paper "Dynamic Routing Between Capsules" - State Of the Art
Stars: ✭ 423 (+840%)
Mutual labels:  chainer
Awesome deep learning interpretability
深度学习近年来关于神经网络模型解释性的相关高引用/顶会论文(附带代码)
Stars: ✭ 401 (+791.11%)
Mutual labels:  chainer
SLK-NER
Source code for SEKE 2020 paper "SLK-NER: Exploiting Second-order Lexicon Knowledge for Chinese NER"
Stars: ✭ 14 (-68.89%)
Mutual labels:  named-entity-recognition
Fcn
Chainer Implementation of Fully Convolutional Networks. (Training code to reproduce the original result is available.)
Stars: ✭ 211 (+368.89%)
Mutual labels:  chainer
Pai
Resource scheduling and cluster management for AI
Stars: ✭ 2,223 (+4840%)
Mutual labels:  chainer
Onnx Chainer
Add-on package for ONNX format support in Chainer
Stars: ✭ 83 (+84.44%)
Mutual labels:  chainer
Deeppose
DeepPose implementation in Chainer
Stars: ✭ 377 (+737.78%)
Mutual labels:  chainer
Espnet
End-to-End Speech Processing Toolkit
Stars: ✭ 4,533 (+9973.33%)
Mutual labels:  chainer
Spacenet building detection
Project to train/test convolutional neural networks to extract buildings from SpaceNet satellite imageries.
Stars: ✭ 83 (+84.44%)
Mutual labels:  chainer
Cross Domain Detection
Cross-Domain Weakly-Supervised Object Detection through Progressive Domain Adaptation [Inoue+, CVPR2018].
Stars: ✭ 320 (+611.11%)
Mutual labels:  chainer
Gp Gan
Official Chainer implementation of GP-GAN: Towards Realistic High-Resolution Image Blending (ACMMM 2019, oral)
Stars: ✭ 317 (+604.44%)
Mutual labels:  chainer
Deep metric learning
Deep metric learning methods implemented in Chainer
Stars: ✭ 153 (+240%)
Mutual labels:  chainer
Seranet
Super Resolution of picture images using deep learning
Stars: ✭ 79 (+75.56%)
Mutual labels:  chainer
Chainer Gogh
Stars: ✭ 303 (+573.33%)
Mutual labels:  chainer
Attention is all you need
Transformer of "Attention Is All You Need" (Vaswani et al. 2017) by Chainer.
Stars: ✭ 303 (+573.33%)
Mutual labels:  chainer
Chainer Vq Vae
A Chainer implementation of VQ-VAE.
Stars: ✭ 77 (+71.11%)
Mutual labels:  chainer
Chainer Faster Rcnn
Object Detection with Faster R-CNN in Chainer
Stars: ✭ 286 (+535.56%)
Mutual labels:  chainer
1-60 of 335 similar projects