Kashgari
NLP framework
A production-level NLP framework for text labeling and classification
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.
2k stars
65 watching
441 forks
Language: Python
last commit: 3 months ago
Linked from 2 awesome lists
bertbert-modelgpt-2machine-learningnamed-entity-recognitionnernlpnlp-frameworkseq2seqsequence-labelingtext-classificationtext-labelingtransfer-learning
Related projects:
Repository | Description | Stars |
---|---|---|
hooshvare/parsbert | A transformer-based model for Persian language understanding | 332 |
brightmart/text_classification | An NLP project offering various text classification models and techniques for deep learning exploration | 7,861 |
asyml/texar | A toolkit providing a library of easy-to-use ML modules and functionalities for composing various machine learning models and algorithms in TensorFlow. | 2,389 |
guillaumegenthial/sequence_tagging | Named Entity Recognition model using LSTM and CRF with character embeddings | 1,946 |
dair-ai/ml-papers-explained | An explanation of key concepts and advancements in the field of Machine Learning | 7,315 |
sarus-tech/tf2-published-models | Implementations of classical machine learning models using TensorFlow 2 and Keras API. | 38 |
leriomaggio/deep-learning-keras-tensorflow | A comprehensive tutorial on building and training deep neural networks using Keras and TensorFlow | 2,948 |
sebastianruder/nlp-progress | A comprehensive repository tracking progress in NLP tasks and their corresponding datasets. | 22,715 |
guillaume-be/rust-bert | Provides pre-trained Rust-native transformer-based models and pipelines for Natural Language Processing tasks. | 2,651 |
codertimo/bert-pytorch | An implementation of Google's 2018 BERT model in PyTorch, allowing pre-training and fine-tuning for natural language processing tasks | 6,222 |
bigscience-workshop/promptsource | A toolkit for creating and using natural language prompts to enable large language models to generalize to new tasks. | 2,700 |
nlintz/tensorflow-tutorials | A collection of tutorials teaching deep learning with TensorFlow using Jupyter Notebooks | 6,006 |
johnsnowlabs/spark-nlp | Provides a set of pre-trained models and libraries for natural language processing tasks on top of Apache Spark | 3,876 |
tensorspeech/tensorflowtts | Real-time speech synthesis using state-of-the-art architectures | 3,839 |
princeton-nlp/simcse | An open source framework for learning sentence embeddings using contrastive learning. | 3,434 |