From d0260144486745d1e6932a59227bc9cac40c6ceb Mon Sep 17 00:00:00 2001 From: Barbara Darques Barros Date: Thu, 20 Aug 2020 16:58:18 +0200 Subject: [PATCH 01/53] Add Sockeye to Python libraries --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index fdff66b..e48ea49 100644 --- a/README.md +++ b/README.md @@ -163,7 +163,8 @@ Blogs and Newsletters - [Transformers](https://github.com/huggingface/transformers) - Natural Language Processing for TensorFlow 2.0 and PyTorch. - [Tokenizers](https://github.com/huggingface/tokenizers) - Tokenizers optimized for Research and Production. - [fairSeq](https://github.com/pytorch/fairseq) Facebook AI Research implementations of SOTA seq2seq models in Pytorch. - - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge + - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge + - [Sockeye](https://github.com/awslabs/sockeye) - Neural Machine Translation (NMT) toolkit that powers Amazon Translate. - **C++** - C++ Libraries | [Back to Top](#contents) - [MIT Information Extraction Toolkit](https://github.com/mit-nlp/MITIE) - C, C++, and Python tools for named entity recognition and relation extraction From b76833af3f200d8904d7955c98775aad175549f0 Mon Sep 17 00:00:00 2001 From: Jhon Freddy Puentes Date: Tue, 8 Dec 2020 10:52:11 -0500 Subject: [PATCH 02/53] ADD library for NLP in Spanish I add python library for nlp in spanish section. spanlp: nlp applied for spanish vulgarity. A fast, robust Python library to check for profanity or offensive language in Spanish strings. It contains all the rude words of Spanish-speaking countries. --- README.md | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/README.md b/README.md index fdff66b..8506a80 100644 --- a/README.md +++ b/README.md @@ -370,6 +370,10 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on [Back to Top](#contents) +### Libraries + +- [spanlp](https://github.com/jfreddypuentes/spanlp) - Python library to detect, censor and clean profanity, vulgarities, hateful words, racism, xenophobia and bullying in texts written in Spanish. It contains data of 21 Spanish-speaking countries. + ### Data - [Columbian Political Speeches](https://github.com/dav009/LatinamericanTextResources) From be5e3031aaa224cbb72132d540a6c31b79e45ad6 Mon Sep 17 00:00:00 2001 From: Huy Ngo Date: Sun, 27 Dec 2020 18:19:06 +0700 Subject: [PATCH 03/53] Add new NLP tools/libraries for Vietnamese - PhoBERT - pretrained language models for Vietnamese - pyvi - high performance tokenizer for Vietnamese language --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index fdff66b..d28a7e9 100644 --- a/README.md +++ b/README.md @@ -454,6 +454,8 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [underthesea](https://github.com/undertheseanlp/underthesea) - Vietnamese NLP Toolkit - [vn.vitk](https://github.com/phuonglh/vn.vitk) - A Vietnamese Text Processing Toolkit - [VnCoreNLP](https://github.com/vncorenlp/VnCoreNLP) - A Vietnamese natural language processing toolkit +- [PhoBERT](https://github.com/VinAIResearch/PhoBERT) - Pre-trained language models for Vietnamese +- [pyvi](https://github.com/trungtv/pyvi) - Python Vietnamese Core NLP Toolkit ### Data From 4f16a3efb85445815d1a44e1dea72cc9ebddc5a9 Mon Sep 17 00:00:00 2001 From: Huy Ngo Date: Mon, 28 Dec 2020 01:07:34 +0700 Subject: [PATCH 04/53] Add new Vietnamese datasets: ViText2SQL --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index d28a7e9..1634420 100644 --- a/README.md +++ b/README.md @@ -464,6 +464,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [UD_Vietnamese](https://github.com/UniversalDependencies/UD_Vietnamese-VTB) - Vietnamese Universal Dependency Treebank - [VIVOS](https://ailab.hcmus.edu.vn/vivos/) - a free Vietnamese speech corpus consisting of 15 hours of recording speech by AILab - [VNTQcorpus(big).txt](http://viet.jnlp.org/download-du-lieu-tu-vung-corpus) - 1.75 million sentences in news +- [ViText2SQL](https://github.com/VinAIResearch/ViText2SQL) - A dataset for Vietnamese Text-to-SQL semantic parsing (EMNLP-2020 Findings) ## NLP for Dutch From 99b28375d8a547cc9f2d81261393658d66125ace Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Mika=20H=C3=A4m=C3=A4l=C3=A4inen?= Date: Fri, 15 Jan 2021 15:32:51 +0200 Subject: [PATCH 05/53] Added UralicNLP --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index ce37c56..d984ce8 100644 --- a/README.md +++ b/README.md @@ -309,6 +309,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [UDPipe](https://github.com/ufal/udpipe) is a trainable pipeline for tokenizing, tagging, lemmatizing and parsing Universal Treebanks and other CoNLL-U files. Primarily written in C++, offers a fast and reliable solution for multilingual NLP processing. - [NLP-Cube](https://github.com/adobe/NLP-Cube) : Natural Language Processing Pipeline - Sentence Splitting, Tokenization, Lemmatization, Part-of-speech Tagging and Dependency Parsing. New platform, written in Python with Dynet 2.0. Offers standalone (CLI/Python bindings) and server functionality (REST API). +- [UralicNLP](https://github.com/mikahama/uralicNLP) is an NLP library mostly for many endangered Uralic languages such as Sami languages, Mordvin languages, Mari languages, Komi languages and so on. Also some non-endangered languages are supported such as Finnish together with non-Uralic languages such as Swedish and Arabic. UralicNLP can do morphological analysis, generation, lemmatization and disambiguation. ## NLP in Korean From 956fce0dfb3f93e0dd69bf78d3a7e217b7f2daf1 Mon Sep 17 00:00:00 2001 From: Julien Salinas Date: Fri, 22 Jan 2021 11:33:33 +0100 Subject: [PATCH 06/53] Add NLP Cloud service --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index ce37c56..1e5f524 100644 --- a/README.md +++ b/README.md @@ -246,6 +246,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [TextRazor](https://www.textrazor.com/) - [Rosette](https://www.rosette.com/) - [Textalytic](https://www.textalytic.com) - Natural Language Processing in the Browser with sentiment analysis, named entity extraction, POS tagging, word frequencies, topic modeling, word clouds, and more +- [NLP Cloud](https://nlpcloud.io) - SpaCy NLP models (custom and pre-trained ones) served through a RESTful API for named entity recognition (NER), POS tagging, and more. ### Annotation Tools From dac4c259ea6e2ed0ca74bbad79e92fbe454fa53c Mon Sep 17 00:00:00 2001 From: Christopher Helm Date: Thu, 28 Jan 2021 09:44:43 +0100 Subject: [PATCH 07/53] Add Annotation Tool https://konfuzio.com Add Konfuzio, see https://konfuzio.com/en/ai-software/, which allows users to create, manage and download Test- and Traning Datasets via the API. Less technical users can train NLP models via the web-interface without coding. Annotations can be grouped and reviewed by humans for any versioned production model. Full disclosure: I am the Co-Founder of Konfuzio. --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index ce37c56..91520c2 100644 --- a/README.md +++ b/README.md @@ -260,6 +260,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [rstWeb](https://corpling.uis.georgetown.edu/rstweb/info/) - open source local or online tool for discourse tree annotations - [GitDox](https://corpling.uis.georgetown.edu/gitdox/) - open source server annotation tool with GitHub version control and validation for XML data and collaborative spreadsheet grids - [Label Studio](https://www.heartex.ai/) - Hosted and managed text annotation tool for teams, freemium based, costs $ +- [Konfuzio](https://konfuzio.com/en/) - team-first hosted and on-prem text, image and PDF annotation tool powered by active learning, freemium based, costs $ ## Techniques From 396b226dea6f5c027e8e6e98348df054d26ee868 Mon Sep 17 00:00:00 2001 From: Siddhanta Bhatta <32597420+sidtYson@users.noreply.github.com> Date: Tue, 2 Feb 2021 08:09:32 +0530 Subject: [PATCH 08/53] Adding Depends-On-the-Definition to Readme https://www.depends-on-the-definition.com/ contains a list of high-quality NLP blogs, which helped me in implementing multiple NLP tasks. Proposing to add it in General Machine Learning section of reading content. --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index ce37c56..0f8771f 100644 --- a/README.md +++ b/README.md @@ -82,6 +82,7 @@ General Machine Learning * [AI Playbook](https://aiplaybook.a16z.com/) - a16z AI playbook is a great link to forward to your managers or content for your presentations * [Ruder's Blog](http://ruder.io/#open) by [Sebastian Ruder](https://twitter.com/seb_ruder) for commentary on the best of NLP Research * [How To Label Data](https://www.lighttag.io/how-to-label-data/) guide to managing larger linguistic annotation projects +* [Depends on the Definition](https://www.depends-on-the-definition.com/) collection of blog posts covering a wide array of NLP topics with detailed implementation Introductions and Guides to NLP From 0a4fb8145bd5323bdefc00c4f506d0e1bf214f5d Mon Sep 17 00:00:00 2001 From: "Stephen W. Thomas" Date: Fri, 5 Feb 2021 10:19:52 -0500 Subject: [PATCH 09/53] Update README.md Adding great new book --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index ce37c56..0e00eec 100644 --- a/README.md +++ b/README.md @@ -122,6 +122,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [NLP with PyTorch](https://github.com/joosthub/PyTorchNLPBook) - Brian & Delip Rao * [Text Mining in R](https://www.tidytextmining.com) * [Natural Language Processing with Python](https://www.nltk.org/book/) +* [Practical Natural Language Processing](https://www.oreilly.com/library/view/practical-natural-language/9781492054047/) ## Libraries From 6f503cb9f11773765f64e90cf797e4c5133c6df5 Mon Sep 17 00:00:00 2001 From: Jonathan Lai Date: Mon, 1 Mar 2021 16:15:47 -0800 Subject: [PATCH 10/53] Represenations -> Representations --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index ce37c56..40a77bb 100644 --- a/README.md +++ b/README.md @@ -277,7 +277,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on [Back to Top](#contents) -- ElMo - [Deep Contextualized Word Represenations](https://arxiv.org/abs/1802.05365) - [PyTorch implmentation](https://github.com/allenai/allennlp/blob/master/tutorials/how_to/elmo.md) - [TF Implementation](https://github.com/allenai/bilm-tf) +- ElMo - [Deep Contextualized Word Representations](https://arxiv.org/abs/1802.05365) - [PyTorch implmentation](https://github.com/allenai/allennlp/blob/master/tutorials/how_to/elmo.md) - [TF Implementation](https://github.com/allenai/bilm-tf) - ULMFiT - [Universal Language Model Fine-tuning for Text Classification](https://arxiv.org/abs/1801.06146) by Jeremy Howard and Sebastian Ruder - InferSent - [Supervised Learning of Universal Sentence Representations from Natural Language Inference Data](https://arxiv.org/abs/1705.02364) by facebook - CoVe - [Learned in Translation: Contextualized Word Vectors](https://arxiv.org/abs/1708.00107) From dd832753b8d988cb68e8db58d903ad034b2d152e Mon Sep 17 00:00:00 2001 From: Soumee Mukherjee <52605586+SOUMEE2000@users.noreply.github.com> Date: Fri, 12 Mar 2021 09:16:07 +0530 Subject: [PATCH 11/53] Update README.md --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index ce37c56..e2ebe10 100644 --- a/README.md +++ b/README.md @@ -113,6 +113,8 @@ Blogs and Newsletters * [fast.ai Code-First Intro to Natural Language Processing](https://www.fast.ai/2019/07/08/fastai-nlp/) - This covers a blend of traditional NLP topics (including regex, SVD, naive bayes, tokenization) and recent neural network approaches (including RNNs, seq2seq, GRUs, and the Transformer), as well as addressing urgent ethical issues, such as bias and disinformation. Find the Jupyter Notebooks [here](https://github.com/fastai/course-nlp) * [Machine Learning University - Accelerated Natural Language Processing](https://www.youtube.com/playlist?list=PL8P_Z6C4GcuWfAq8Pt6PBYlck4OprHXsw) - Lectures go from introduction to NLP and text processing to Recurrent Neural Networks and Transformers. Material can be found [here](https://github.com/aws-samples/aws-machine-learning-university-accelerated-nlp). +* [Applied Natural Language Processing](https://www.youtube.com/playlist?list=PLH-xYrxjfO2WyR3pOAB006CYMhNt4wTqp)- Lecture series from IIT Madras taking from the basics all the way to autoencoders and everything. The github notebooks for this course are also available [here](https://github.com/Ramaseshanr/anlp) +* [Abhishek Thakur](https://www.youtube.com/c/AbhishekThakurAbhi/playlists). His ideas on NLP. He has been a grandmaster at kaggle for 4 times. ### Books From 9f20721f62d3e782a392358a106a068df75f8ada Mon Sep 17 00:00:00 2001 From: laurajbouchard <78103184+laurajbouchard@users.noreply.github.com> Date: Thu, 18 Mar 2021 14:33:34 -0400 Subject: [PATCH 12/53] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index ce37c56..cbc917e 100644 --- a/README.md +++ b/README.md @@ -246,6 +246,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [TextRazor](https://www.textrazor.com/) - [Rosette](https://www.rosette.com/) - [Textalytic](https://www.textalytic.com) - Natural Language Processing in the Browser with sentiment analysis, named entity extraction, POS tagging, word frequencies, topic modeling, word clouds, and more +- [Cloudmersive](https://cloudmersive.com/nlp-api) - Unified and free NLP APIs that perform actions such as speech tagging, text rephrasing, language translation/detection, and sentence parsing ### Annotation Tools From 2831d8b4fa9ad24d9f04f3c2757c94969eb1bc05 Mon Sep 17 00:00:00 2001 From: xhlulu Date: Sun, 21 Mar 2021 13:20:28 -0400 Subject: [PATCH 13/53] Add the dl-translate Python library --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index ce37c56..3a5d79b 100644 --- a/README.md +++ b/README.md @@ -165,7 +165,8 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [Transformers](https://github.com/huggingface/transformers) - Natural Language Processing for TensorFlow 2.0 and PyTorch. - [Tokenizers](https://github.com/huggingface/tokenizers) - Tokenizers optimized for Research and Production. - [fairSeq](https://github.com/pytorch/fairseq) Facebook AI Research implementations of SOTA seq2seq models in Pytorch. - - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge + - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge + - [DL Translate](https://github.com/xhlulu/dl-translate) - A deep learning-based translation library for 50 languages, built on `transformers` and Facebook's mBART Large. - **C++** - C++ Libraries | [Back to Top](#contents) - [MIT Information Extraction Toolkit](https://github.com/mit-nlp/MITIE) - C, C++, and Python tools for named entity recognition and relation extraction From a0143874b3d90d76c2790a769ba564e7a4408321 Mon Sep 17 00:00:00 2001 From: Andrey A <56412611+aantti@users.noreply.github.com> Date: Fri, 26 Mar 2021 18:23:25 +0300 Subject: [PATCH 14/53] Adjust description for FARM and add Haystack. --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index ce37c56..4743499 100644 --- a/README.md +++ b/README.md @@ -160,7 +160,8 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [NLP Architect](https://github.com/NervanaSystems/nlp-architect) - A library for exploring the state-of-the-art deep learning topologies and techniques for NLP and NLU - [Flair](https://github.com/zalandoresearch/flair) - A very simple framework for state-of-the-art multilingual NLP built on PyTorch. Includes BERT, ELMo and Flair embeddings. - [Kashgari](https://github.com/BrikerMan/Kashgari) - Simple, Keras-powered multilingual NLP framework, allows you to build your models in 5 minutes for named entity recognition (NER), part-of-speech tagging (PoS) and text classification tasks. Includes BERT and word2vec embedding. - - [FARM](https://github.com/deepset-ai/FARM) - FARM makes cutting-edge transfer learning simple and helps you to leverage pretrained language models for your own NLP tasks. + - [FARM](https://github.com/deepset-ai/FARM) - Fast & easy transfer learning for NLP. Harvesting language models for the industry. Focus on Question Answering. + - [Haystack](https://github.com/deepset-ai/haystack) - End-to-end Python framework for building natural language search interfaces to data. Leverages Transformers and the State-of-the-Art of NLP. Supports DPR, Elasticsearch, HuggingFace’s Modelhub, and much more! - [Rita DSL](https://github.com/zaibacu/rita-dsl) - a DSL, loosely based on [RUTA on Apache UIMA](https://uima.apache.org/ruta.html). Allows to define language patterns (rule-based NLP) which are then translated into [spaCy](https://spacy.io/), or if you prefer less features and lightweight - regex patterns. - [Transformers](https://github.com/huggingface/transformers) - Natural Language Processing for TensorFlow 2.0 and PyTorch. - [Tokenizers](https://github.com/huggingface/tokenizers) - Tokenizers optimized for Research and Production. From f87734eb9863367ff4e42f863551e1e0ce6080cd Mon Sep 17 00:00:00 2001 From: rifoag Date: Thu, 8 Apr 2021 19:13:08 +0700 Subject: [PATCH 15/53] Add data annotation tools and Indonesian NLP library/embedding --- README.md | 41 ++++++++++++++++++++++------------------- 1 file changed, 22 insertions(+), 19 deletions(-) diff --git a/README.md b/README.md index 4743499..3f53ad5 100644 --- a/README.md +++ b/README.md @@ -1,4 +1,4 @@ -# awesome-nlp +# awesome-nlp [![Awesome](https://cdn.rawgit.com/sindresorhus/awesome/d7305f38d29fed78fa85652e3a63e154dd8e8829/media/badge.svg)](https://github.com/sindresorhus/awesome) @@ -6,7 +6,7 @@ A curated list of resources dedicated to Natural Language Processing ![Awesome NLP Logo](/images/logo.jpg) -Read this in [English](./README.md), [Traditional Chinese](./README-ZH-TW.md) +Read this in [English](./README.md), [Traditional Chinese](./README-ZH-TW.md) _Please read the [contribution guidelines](contributing.md) before contributing. Please add your favourite NLP resource by raising a [pull request](https://github.com/keonkim/awesome-nlp/pulls)_ @@ -49,7 +49,7 @@ _Please read the [contribution guidelines](contributing.md) before contributing. ## Research Summaries and Trends -* [NLP-Overview](https://nlpoverview.com/) is an up-to-date overview of deep learning techniques applied to NLP, including theory, implementations, applications, and state-of-the-art results. This is a great Deep NLP Introduction for researchers. +* [NLP-Overview](https://nlpoverview.com/) is an up-to-date overview of deep learning techniques applied to NLP, including theory, implementations, applications, and state-of-the-art results. This is a great Deep NLP Introduction for researchers. * [NLP-Progress](https://nlpprogress.com/) tracks the progress in Natural Language Processing, including the datasets and the current state-of-the-art for the most common NLP tasks * [NLP's ImageNet moment has arrived](https://thegradient.pub/nlp-imagenet/) * [ACL 2018 Highlights: Understanding Representation and Evaluation in More Challenging Settings](http://ruder.io/acl-2018-highlights/) @@ -66,7 +66,7 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [Language Technologies Institute, Carnegie Mellon University](http://www.cs.cmu.edu/~nasmith/nlp-cl.html) - Notable projects include [Avenue Project](http://www.cs.cmu.edu/~avenue/), a syntax driven machine translation system for endangered languages like Quechua and Aymara and previously, [Noah's Ark](http://www.cs.cmu.edu/~ark/) which created [AQMAR](http://www.cs.cmu.edu/~ark/AQMAR/) to improve NLP tools for Arabic. * [NLP research group, Columbia University](http://www1.cs.columbia.edu/nlp/index.cgi) - Responsible for creating BOLT ( interactive error handling for speech translation systems) and an un-named project to characterize laughter in dialogue. * [The Center or Language and Speech Processing, John Hopkins University](http://clsp.jhu.edu/) - Recently in the news for developing speech recognition software to create a diagnostic test or Parkinson's Disease, [here](https://www.clsp.jhu.edu/2019/03/27/speech-recognition-software-and-machine-learning-tools-are-being-used-to-create-diagnostic-test-for-parkinsons-disease/#.XNFqrIkzYdU). -* [Computational Linguistics and Information Processing Group, University of Maryland](https://wiki.umiacs.umd.edu/clip/index.php/Main_Page) - Notable contributions include [Human-Computer Cooperation or Word-by-Word Question Answering](http://www.umiacs.umd.edu/~jbg/projects/IIS-1652666) and modeling development of phonetic representations. +* [Computational Linguistics and Information Processing Group, University of Maryland](https://wiki.umiacs.umd.edu/clip/index.php/Main_Page) - Notable contributions include [Human-Computer Cooperation or Word-by-Word Question Answering](http://www.umiacs.umd.edu/~jbg/projects/IIS-1652666) and modeling development of phonetic representations. * [Penn Natural Language Processing, University of Pennsylvania](http://nlp.cis.upenn.edu/index.php)- Famous for creating the [Penn Treebank](http://www.cis.upenn.edu/~treebank/). * [The Stanford Nautral Language Processing Group](https://nlp.stanford.edu/)- One of the top NLP research labs in the world, notable for creating [Stanford CoreNLP](https://nlp.stanford.edu/software/corenlp.shtml) and their [coreference resolution system](https://nlp.stanford.edu/software/dcoref.shtml) @@ -86,10 +86,10 @@ General Machine Learning Introductions and Guides to NLP * [Understand & Implement Natural Language Processing](https://www.analyticsvidhya.com/blog/2017/01/ultimate-guide-to-understand-implement-natural-language-processing-codes-in-python/) -* [NLP in Python](http://github.com/NirantK/nlp-python-deep-learning) - Collection of Github notebooks +* [NLP in Python](http://github.com/NirantK/nlp-python-deep-learning) - Collection of Github notebooks * [Natural Language Processing: An Introduction](https://academic.oup.com/jamia/article/18/5/544/829676) - Oxford * [Deep Learning for NLP with Pytorch](https://pytorch.org/tutorials/beginner/deep_learning_nlp_tutorial.html) -* [Hands-On NLTK Tutorial](https://github.com/hb20007/hands-on-nltk-tutorial) - NLTK Tutorials, Jupyter notebooks +* [Hands-On NLTK Tutorial](https://github.com/hb20007/hands-on-nltk-tutorial) - NLTK Tutorials, Jupyter notebooks * [Train a new language model from scratch](https://huggingface.co/blog/how-to-train) - Hugging Face 🤗 * [The Super Duper NLP Repo (SDNLPR)](https://notebooks.quantumstat.com/): Collection of Colab notebooks covering a wide array of NLP task implementations. @@ -109,7 +109,7 @@ Blogs and Newsletters * [Deep Natural Language Processing](https://github.com/oxford-cs-deepnlp-2017/lectures) - Lectures series from Oxford * [Deep Learning for Natural Language Processing (cs224-n)](https://web.stanford.edu/class/cs224n/) - Richard Socher and Christopher Manning's Stanford Course * [Neural Networks for NLP](http://phontron.com/class/nn4nlp2017/) - Carnegie Mellon Language Technology Institute there -* [Deep NLP Course](https://github.com/yandexdataschool/nlp_course) by Yandex Data School, covering important ideas from text embedding to machine translation including sequence modeling, language models and so on. +* [Deep NLP Course](https://github.com/yandexdataschool/nlp_course) by Yandex Data School, covering important ideas from text embedding to machine translation including sequence modeling, language models and so on. * [fast.ai Code-First Intro to Natural Language Processing](https://www.fast.ai/2019/07/08/fastai-nlp/) - This covers a blend of traditional NLP topics (including regex, SVD, naive bayes, tokenization) and recent neural network approaches (including RNNs, seq2seq, GRUs, and the Transformer), as well as addressing urgent ethical issues, such as bias and disinformation. Find the Jupyter Notebooks [here](https://github.com/fastai/course-nlp) * [Machine Learning University - Accelerated Natural Language Processing](https://www.youtube.com/playlist?list=PL8P_Z6C4GcuWfAq8Pt6PBYlck4OprHXsw) - Lectures go from introduction to NLP and text processing to Recurrent Neural Networks and Transformers. Material can be found [here](https://github.com/aws-samples/aws-machine-learning-university-accelerated-nlp). @@ -118,8 +118,8 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning ### Books * [Speech and Language Processing](https://web.stanford.edu/~jurafsky/slp3/) - free, by Prof. Dan Jurafsy -* [Natural Language Processing](https://github.com/jacobeisenstein/gt-nlp-class) - free, NLP notes by Dr. Jacob Eisenstein at GeorgiaTech -* [NLP with PyTorch](https://github.com/joosthub/PyTorchNLPBook) - Brian & Delip Rao +* [Natural Language Processing](https://github.com/jacobeisenstein/gt-nlp-class) - free, NLP notes by Dr. Jacob Eisenstein at GeorgiaTech +* [NLP with PyTorch](https://github.com/joosthub/PyTorchNLPBook) - Brian & Delip Rao * [Text Mining in R](https://www.tidytextmining.com) * [Natural Language Processing with Python](https://www.nltk.org/book/) @@ -165,8 +165,8 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [Rita DSL](https://github.com/zaibacu/rita-dsl) - a DSL, loosely based on [RUTA on Apache UIMA](https://uima.apache.org/ruta.html). Allows to define language patterns (rule-based NLP) which are then translated into [spaCy](https://spacy.io/), or if you prefer less features and lightweight - regex patterns. - [Transformers](https://github.com/huggingface/transformers) - Natural Language Processing for TensorFlow 2.0 and PyTorch. - [Tokenizers](https://github.com/huggingface/tokenizers) - Tokenizers optimized for Research and Production. - - [fairSeq](https://github.com/pytorch/fairseq) Facebook AI Research implementations of SOTA seq2seq models in Pytorch. - - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge + - [fairSeq](https://github.com/pytorch/fairseq) Facebook AI Research implementations of SOTA seq2seq models in Pytorch. + - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge - **C++** - C++ Libraries | [Back to Top](#contents) - [MIT Information Extraction Toolkit](https://github.com/mit-nlp/MITIE) - C, C++, and Python tools for named entity recognition and relation extraction @@ -192,11 +192,11 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [CogcompNLP](https://github.com/CogComp/cogcomp-nlp) - Core libraries developed in the U of Illinois' Cognitive Computation Group. - [MALLET](http://mallet.cs.umass.edu/) - MAchine Learning for LanguagE Toolkit - package for statistical natural language processing, document classification, clustering, topic modeling, information extraction, and other machine learning applications to text. - [RDRPOSTagger](https://github.com/datquocnguyen/RDRPOSTagger) - A robust POS tagging toolkit available (in both Java & Python) together with pre-trained models for 40+ languages. - + - **Kotlin** - Kotlin NLP Libraries | [Back to Top](#contents) - [Lingua](https://github.com/pemistahl/lingua/) A language detection library for Kotlin and Java, suitable for long and short text alike - [Kotidgy](https://github.com/meiblorn/kotidgy) — an index-based text data generator written in Kotlin - + - **Scala** - Scala NLP Libraries | [Back to Top](#contents) - [Saul](https://github.com/CogComp/saul) - Library for developing NLP systems, including built in modules like SRL, POS, etc. - [ATR4S](https://github.com/ispras/atr4s) - Toolkit with state-of-the-art [automatic term recognition](https://en.wikipedia.org/wiki/Terminology_extraction) methods. @@ -227,7 +227,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [whatlang](https://github.com/greyblake/whatlang-rs) — Natural language recognition library based on trigrams - [snips-nlu-rs](https://github.com/snipsco/snips-nlu-rs) - A production ready library for intent parsing - [rust-bert](https://github.com/guillaume-be/rust-bert) - Ready-to-use NLP pipelines and Transformer-based models - + - **NLP++** - NLP++ Langauge | [Back to Top](#contents) - [VSCode Language Extension](https://marketplace.visualstudio.com/items?itemName=dehilster.nlp) - NLP++ Language Extension for VSCode - [nlp-engine](https://github.com/VisualText/nlp-engine) - NLP++ engine to run NLP++ code on Linux including a full English parser @@ -239,7 +239,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning NLP as API with higher level functionality such as NER, Topic tagging and so on | [Back to Top](#contents) - [Wit-ai](https://github.com/wit-ai/wit) - Natural Language Interface for apps and devices -- [IBM Watson's Natural Language Understanding](https://github.com/watson-developer-cloud/natural-language-understanding-nodejs) - API and Github demo +- [IBM Watson's Natural Language Understanding](https://github.com/watson-developer-cloud/natural-language-understanding-nodejs) - API and Github demo - [Amazon Comprehend](https://aws.amazon.com/comprehend/) - NLP and ML suite covers most common tasks like NER, tagging, and sentiment analysis - [Google Cloud Natural Language API](https://cloud.google.com/natural-language/) - Syntax Analysis, NER, Sentiment Analysis, and Content tagging in atleast 9 languages include English and Chinese (Simplified and Traditional). - [ParallelDots](https://www.paralleldots.com/text-analysis-apis) - High level Text Analysis API Service ranging from Sentiment Analysis to Intent Analysis @@ -261,6 +261,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [rstWeb](https://corpling.uis.georgetown.edu/rstweb/info/) - open source local or online tool for discourse tree annotations - [GitDox](https://corpling.uis.georgetown.edu/gitdox/) - open source server annotation tool with GitHub version control and validation for XML data and collaborative spreadsheet grids - [Label Studio](https://www.heartex.ai/) - Hosted and managed text annotation tool for teams, freemium based, costs $ +- [Datasaur](https://datasaur.ai/) support various NLP tasks for individual or teams, freemium based ## Techniques @@ -450,13 +451,13 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Inter-BEST](https://www.nectec.or.th/corpus/index.php?league=pm) - A text corpus with 5 million words with word segmentation - [Prime Minister 29](https://github.com/PyThaiNLP/lexicon-thai/tree/master/thai-corpus/Prime%20Minister%2029) - Dataset containing speeches of the current Prime Minister of Thailand -## NLP in Danish +## NLP in Danish - [Named Entity Recognition for Danish](https://github.com/ITUnlp/daner) - [DaNLP](https://github.com/alexandrainst/danlp) - NLP resources in Danish - [Awesome Danish](https://github.com/fnielsen/awesome-danish) - A curated list of awesome resources for Danish language technology -## NLP in Vietnamese +## NLP in Vietnamese ### Libraries @@ -480,7 +481,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [python-frog](https://github.com/proycon/python-frog) - Python binding to Frog, an NLP suite for Dutch. (pos tagging, lemmatisation, dependency parsing, NER) - [SimpleNLG_NL](https://github.com/rfdj/SimpleNLG-NL) - Dutch surface realiser used for Natural Language Generation in Dutch, based on the SimpleNLG implementation for English and French. -## NLP in Indonesian +## NLP in Indonesian ### Datasets - Kompas and Tempo collections at [ILPS](http://ilps.science.uva.nl/resources/bahasa/) @@ -489,11 +490,13 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Indonesian Treebank](https://github.com/famrashel/idn-treebank) and [Universal Dependencies-Indonesian](https://github.com/UniversalDependencies/UD_Indonesian-GSD) - [IndoSum](https://github.com/kata-ai/indosum) for text summarization and classification both - [Wordnet-Bahasa](http://wn-msa.sourceforge.net/) - large, free, semantic dictionary +- IndoBenchmark [IndoNLU](https://github.com/indobenchmark/indonlu) includes pre-trained language model (IndoBERT), FastText model, Indo4B corpus, and several NLU benchmark datasets ### Libraries & Embedding - Natural language toolkit [bahasa](https://github.com/kangfend/bahasa) - [Indonesian Word Embedding](https://github.com/galuhsahid/indonesian-word-embedding) - Pretrained [Indonesian fastText Text Embedding](https://s3-us-west-1.amazonaws.com/fasttext-vectors/wiki.id.zip) trained on Wikipedia +- IndoBenchmark [IndoNLU](https://github.com/indobenchmark/indonlu) includes pretrained language model (IndoBERT), FastText model, Indo4B corpus, and several NLU benchmark datasets ## NLP in Urdu @@ -503,7 +506,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on ### Libraries - [Natural Language Processing library](https://github.com/urduhack/urduhack) for ( 🇵🇰)Urdu language -## Other Languages +## Other Languages - Russian: [pymorphy2](https://github.com/kmike/pymorphy2) - a good pos-tagger for Russian - Asian Languages: Thai, Lao, Chinese, Japanese, and Korean [ICU Tokenizer](https://www.elastic.co/guide/en/elasticsearch/plugins/current/analysis-icu-tokenizer.html) implementation in ElasticSearch From ef49b1bdeef19b382a2984338221fee70bffc081 Mon Sep 17 00:00:00 2001 From: mshunt <50525798+maulindu8322@users.noreply.github.com> Date: Fri, 23 Apr 2021 11:35:26 +0530 Subject: [PATCH 16/53] Update README.md --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 4743499..6349757 100644 --- a/README.md +++ b/README.md @@ -67,7 +67,7 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP research group, Columbia University](http://www1.cs.columbia.edu/nlp/index.cgi) - Responsible for creating BOLT ( interactive error handling for speech translation systems) and an un-named project to characterize laughter in dialogue. * [The Center or Language and Speech Processing, John Hopkins University](http://clsp.jhu.edu/) - Recently in the news for developing speech recognition software to create a diagnostic test or Parkinson's Disease, [here](https://www.clsp.jhu.edu/2019/03/27/speech-recognition-software-and-machine-learning-tools-are-being-used-to-create-diagnostic-test-for-parkinsons-disease/#.XNFqrIkzYdU). * [Computational Linguistics and Information Processing Group, University of Maryland](https://wiki.umiacs.umd.edu/clip/index.php/Main_Page) - Notable contributions include [Human-Computer Cooperation or Word-by-Word Question Answering](http://www.umiacs.umd.edu/~jbg/projects/IIS-1652666) and modeling development of phonetic representations. -* [Penn Natural Language Processing, University of Pennsylvania](http://nlp.cis.upenn.edu/index.php)- Famous for creating the [Penn Treebank](http://www.cis.upenn.edu/~treebank/). +* [Penn Natural Language Processing, University of Pennsylvania](https://nlp.cis.upenn.edu/)- Famous for creating the [Penn Treebank](http://www.cis.upenn.edu/~treebank/). * [The Stanford Nautral Language Processing Group](https://nlp.stanford.edu/)- One of the top NLP research labs in the world, notable for creating [Stanford CoreNLP](https://nlp.stanford.edu/software/corenlp.shtml) and their [coreference resolution system](https://nlp.stanford.edu/software/dcoref.shtml) From 758c714313ed1b094f2d9932fcdc1a4313bb9d95 Mon Sep 17 00:00:00 2001 From: KARTHIK KUMAR KAIPLODY <52350999+KarthikKaiplody@users.noreply.github.com> Date: Thu, 3 Jun 2021 20:33:58 +0530 Subject: [PATCH 17/53] Fixed the broken Penn Treebank Project link. Penn Treebank project ( https://www.cis.upenn.edu/~treebank/ )which was present under Prominent NLP Research Labs is broken. So replaced it with the working link ( https://www.seas.upenn.edu/~pdtb/ ) --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 04d5226..8180793 100644 --- a/README.md +++ b/README.md @@ -67,7 +67,7 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP research group, Columbia University](http://www1.cs.columbia.edu/nlp/index.cgi) - Responsible for creating BOLT ( interactive error handling for speech translation systems) and an un-named project to characterize laughter in dialogue. * [The Center or Language and Speech Processing, John Hopkins University](http://clsp.jhu.edu/) - Recently in the news for developing speech recognition software to create a diagnostic test or Parkinson's Disease, [here](https://www.clsp.jhu.edu/2019/03/27/speech-recognition-software-and-machine-learning-tools-are-being-used-to-create-diagnostic-test-for-parkinsons-disease/#.XNFqrIkzYdU). * [Computational Linguistics and Information Processing Group, University of Maryland](https://wiki.umiacs.umd.edu/clip/index.php/Main_Page) - Notable contributions include [Human-Computer Cooperation or Word-by-Word Question Answering](http://www.umiacs.umd.edu/~jbg/projects/IIS-1652666) and modeling development of phonetic representations. -* [Penn Natural Language Processing, University of Pennsylvania](https://nlp.cis.upenn.edu/)- Famous for creating the [Penn Treebank](http://www.cis.upenn.edu/~treebank/). +* [Penn Natural Language Processing, University of Pennsylvania](https://nlp.cis.upenn.edu/)- Famous for creating the [Penn Treebank](https://www.seas.upenn.edu/~pdtb/). * [The Stanford Nautral Language Processing Group](https://nlp.stanford.edu/)- One of the top NLP research labs in the world, notable for creating [Stanford CoreNLP](https://nlp.stanford.edu/software/corenlp.shtml) and their [coreference resolution system](https://nlp.stanford.edu/software/dcoref.shtml) From d94e499dfacad68eeb43ab27a9ccb79139c8353a Mon Sep 17 00:00:00 2001 From: daoce Date: Wed, 16 Jun 2021 19:43:00 +0800 Subject: [PATCH 18/53] add the DL framework InsNet --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 04d5226..797f47c 100644 --- a/README.md +++ b/README.md @@ -170,6 +170,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [DL Translate](https://github.com/xhlulu/dl-translate) - A deep learning-based translation library for 50 languages, built on `transformers` and Facebook's mBART Large. - **C++** - C++ Libraries | [Back to Top](#contents) + - [InsNet](https://github.com/chncwang/InsNet) - A neural network library for building instance-dependent NLP models with padding-free dynamic batching. - [MIT Information Extraction Toolkit](https://github.com/mit-nlp/MITIE) - C, C++, and Python tools for named entity recognition and relation extraction - [CRF++](https://taku910.github.io/crfpp/) - Open source implementation of Conditional Random Fields (CRFs) for segmenting/labeling sequential data & other Natural Language Processing tasks. - [CRFsuite](http://www.chokkan.org/software/crfsuite/) - CRFsuite is an implementation of Conditional Random Fields (CRFs) for labeling sequential data. From b8987a7ab3b795fc2fc86e074fad786296e49e91 Mon Sep 17 00:00:00 2001 From: walidamamou <40446915+walidamamou@users.noreply.github.com> Date: Tue, 6 Jul 2021 22:31:08 -0700 Subject: [PATCH 19/53] Adding UBIAI Text Annotation Tool --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 04d5226..da707e5 100644 --- a/README.md +++ b/README.md @@ -263,6 +263,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [rstWeb](https://corpling.uis.georgetown.edu/rstweb/info/) - open source local or online tool for discourse tree annotations - [GitDox](https://corpling.uis.georgetown.edu/gitdox/) - open source server annotation tool with GitHub version control and validation for XML data and collaborative spreadsheet grids - [Label Studio](https://www.heartex.ai/) - Hosted and managed text annotation tool for teams, freemium based, costs $ +- [UBIAI](https://ubiai.tools/) - Easy-to-use text annotation tool for teams with most comprehensive auto-annotation features. Supports NER, relations and document classification as well as OCR annotation for invoice labeling, costs $ ## Techniques From 3d71459a23a3930dacb7b5ac7cd1ca7198e2d5d3 Mon Sep 17 00:00:00 2001 From: Alejandro Pajaron Date: Fri, 6 Aug 2021 19:37:37 +0200 Subject: [PATCH 20/53] Update readme with a nlp book Book about nlp with spark nlp from oreilly --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 393973e..0f5da09 100644 --- a/README.md +++ b/README.md @@ -124,6 +124,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [Text Mining in R](https://www.tidytextmining.com) * [Natural Language Processing with Python](https://www.nltk.org/book/) * [Practical Natural Language Processing](https://www.oreilly.com/library/view/practical-natural-language/9781492054047/) +* [Natural Language Processing with Spark NLP](https://www.oreilly.com/library/view/natural-language-processing/9781492047759/) ## Libraries From 6adbef77323c9c6ceec9e6bcb6184d957ebcc5b3 Mon Sep 17 00:00:00 2001 From: Keon Date: Mon, 16 Aug 2021 14:52:16 +0900 Subject: [PATCH 21/53] Update README.md Co-authored-by: Nirant --- README.md | 1 - 1 file changed, 1 deletion(-) diff --git a/README.md b/README.md index e2ebe10..66b11b7 100644 --- a/README.md +++ b/README.md @@ -114,7 +114,6 @@ Blogs and Newsletters * [Machine Learning University - Accelerated Natural Language Processing](https://www.youtube.com/playlist?list=PL8P_Z6C4GcuWfAq8Pt6PBYlck4OprHXsw) - Lectures go from introduction to NLP and text processing to Recurrent Neural Networks and Transformers. Material can be found [here](https://github.com/aws-samples/aws-machine-learning-university-accelerated-nlp). * [Applied Natural Language Processing](https://www.youtube.com/playlist?list=PLH-xYrxjfO2WyR3pOAB006CYMhNt4wTqp)- Lecture series from IIT Madras taking from the basics all the way to autoencoders and everything. The github notebooks for this course are also available [here](https://github.com/Ramaseshanr/anlp) -* [Abhishek Thakur](https://www.youtube.com/c/AbhishekThakurAbhi/playlists). His ideas on NLP. He has been a grandmaster at kaggle for 4 times. ### Books From ff777d6d34e91d9af1bc737d376d4c67aa1e992d Mon Sep 17 00:00:00 2001 From: Alireza Date: Thu, 19 Aug 2021 18:38:40 +0430 Subject: [PATCH 22/53] Add NLP in Persian --- CREDITS.md | 1 + README.md | 25 +++++++++++++++++++++++++ 2 files changed, 26 insertions(+) diff --git a/CREDITS.md b/CREDITS.md index 7d0c57e..cd423ad 100644 --- a/CREDITS.md +++ b/CREDITS.md @@ -8,3 +8,4 @@ Awesome NLP was seeded with curated content from the lot of repositories, some o - [jjangsangy's awesome-nlp](https://gist.github.com/jjangsangy/8759f163bc3558779c46) - [awesome-machine-learning](https://github.com/josephmisiti/awesome-machine-learning/blob/master/README.md) - [DL4NLP](https://github.com/andrewt3000/DL4NLP) +- [awesome-persian-nlp-ir](https://github.com/mhbashari/awesome-persian-nlp-ir) diff --git a/README.md b/README.md index a6c8b9d..780b044 100644 --- a/README.md +++ b/README.md @@ -44,6 +44,8 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP in Vietnamese](#nlp-in-vietnamese) * [NLP for Dutch](#nlp-for-dutch) * [NLP in Indonesian](#nlp-in-indonesian) +* [NLP in Urdu](#nlp-in-urdu) +* [NLP in Persian](#nlp-in-persian) * [Other Languages](#other-languages) * [Credits](#credits) @@ -526,6 +528,29 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on ### Libraries - [Natural Language Processing library](https://github.com/urduhack/urduhack) for ( 🇵🇰)Urdu language +## NLP in Persian + +[Back to Top](#contents) + +### Libraries +- [Hazm](https://github.com/sobhe/hazm): Python library for digesting Persian text. +- [Parsivar](https://github.com/ICTRC/Parsivar): A Language Processing Toolkit for Persian +- [Perke](https://github.com/AlirezaH320/perke): Perke is a Python keyphrase extraction package for Persian language. It provides an end-to-end keyphrase extraction pipeline in which each component can be easily modified or extended to develop new models. +- [Perstem](https://github.com/jonsafari/perstem): Persian stemmer, morphological analyzer, transliterator, and partial part-of-speech tagger +- [ParsiAnalyzer](https://github.com/NarimanN2/ParsiAnalyzer): Persian Analyzer For Elasticsearch +- [virastar](https://github.com/aziz/virastar): Cleaning up Persian text! + +### Datasets +- [Bijankhan Corpus](https://dbrg.ut.ac.ir/بیژن%E2%80%8Cخان/): Bijankhan corpus is a tagged corpus that is suitable for natural language processing research on the Persian (Farsi) language. This collection is gathered form daily news and common texts. In this collection all documents are categorized into different subjects such as political, cultural and so on. Totally, there are 4300 different subjects. The Bijankhan collection contains about 2.6 millions manually tagged words with a tag set that contains 40 Persian POS tags. +- [Uppsala Persian Corpus (UPC)](https://sites.google.com/site/mojganserajicom/home/upc): Uppsala Persian Corpus (UPC) is a large, freely available Persian corpus. The corpus is a modified version of the Bijankhan corpus with additional sentence segmentation and consistent tokenization containing 2,704,028 tokens and annotated with 31 part-of-speech tags. The part-of-speech tags are listed with explanations in [this table](https://sites.google.com/site/mojganserajicom/home/upc/Table_tag.pdf). +- [Large-Scale Colloquial Persian](http://hdl.handle.net/11234/1-3195): Large Scale Colloquial Persian Dataset (LSCP) is hierarchically organized in asemantic taxonomy that focuses on multi-task informal Persian language understanding as a comprehensive problem. LSCP includes 120M sentences from 27M casual Persian tweets with its dependency relations in syntactic annotation, Part-of-speech tags, sentiment polarity and automatic translation of original Persian sentences in English (EN), German (DE), Czech (CS), Italian (IT) and Hindi (HI) spoken languages. Learn more about this project at [LSCP webpage](https://iasbs.ac.ir/~ansari/lscp/). +- [ArmanPersoNERCorpus](https://github.com/HaniehP/PersianNER): The dataset includes 250,015 tokens and 7,682 Persian sentences in total. It is available in 3 folds to be used in turn as training and test sets. Each file contains one token, along with its manually annotated named-entity tag, per line. Each sentence is separated with a newline. The NER tags are in IOB format. +- [FarsiYar PersianNER](https://github.com/Text-Mining/Persian-NER): The dataset includes about 25,000,000 tokens and about 1,000,000 Persian sentences in total based on [Persian Wikipedia Corpus](https://github.com/Text-Mining/Persian-Wikipedia-Corpus). The NER tags are in IOB format. More than 1000 volunteers contributed tag improvements to this dataset via web panel or android app. They release updated tags every two weeks. +- [PERLEX](http://farsbase.net/PERLEX.html): The first Persian dataset for relation extraction, which is an expert translated version of the “Semeval-2010-Task-8” dataset. Link to the relevant publication. +- [Persian Syntactic Dependency Treebank](http://dadegan.ir/catalog/perdt): This treebank is supplied for free noncommercial use. For commercial uses feel free to contact us. The number of annotated sentences is 29,982 sentences including samples from almost all verbs of the Persian valency lexicon. +- [Uppsala Persian Dependency Treebank (UPDT)](http://stp.lingfil.uu.se/~mojgan/UPDT.html): Dependency-based syntactically annotated corpus. +- [Hamshahri](https://dbrg.ut.ac.ir/hamshahri/): Hamshahri collection is a standard reliable Persian text collection that was used at Cross Language Evaluation Forum (CLEF) during years 2008 and 2009 for evaluation of Persian information retrieval systems. + ## Other Languages - Russian: [pymorphy2](https://github.com/kmike/pymorphy2) - a good pos-tagger for Russian From af8372d59d8ff48e287496953e34edc11de28cde Mon Sep 17 00:00:00 2001 From: "Amir.H Ebrahimi" Date: Sat, 21 Aug 2021 23:12:11 +0430 Subject: [PATCH 23/53] Adding NLP in Persian Section Add a new section to the readme for Persian datasets and processing tools. Update readme with conversion style list of subsections: - Libraries - Dataset --- README.md | 17 +++++++++++++++++ 1 file changed, 17 insertions(+) diff --git a/README.md b/README.md index a6c8b9d..d3c27b8 100644 --- a/README.md +++ b/README.md @@ -37,6 +37,7 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP in Chinese](#nlp-in-chinese) * [NLP in German](#nlp-in-german) * [NLP in Polish](#nlp-in-polish) +* [NLP in Persian](#nlp-in-persian) * [NLP in Spanish](#nlp-in-spanish) * [NLP in Indic Languages](#nlp-in-indic-languages) * [NLP in Thai](#nlp-in-thai) @@ -388,6 +389,22 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Polish-NLP](https://github.com/ksopyla/awesome-nlp-polish) - A curated list of resources dedicated to Natural Language Processing (NLP) in polish. Models, tools, datasets. +## NLP in Persian + +[Back to Top](#contents) + +### Libraries + +- [HAZM](https://github.com/sobhe/hazm) - Python library for digesting Persian text. +- [Parsivar](https://github.com/ICTRC/Parsivar) - A Language Processing Toolkit for Persian + +### Data + +- [Bijankhan Corpus](https://dbrg.ut.ac.ir/%D8%A8%DB%8C%DA%98%D9%86%E2%80%8C%D8%AE%D8%A7%D9%86/) - The Bijankhan collection contains about 2.6 millions manually tagged words with a tag set that contains 40 Persian POS tags. +- [FarsBase](http://farsbase.net/about) - FarsBase is Persian multi-source knowledge graph, which isspecifically designed for semantic search engines to support Persian knowledge. +- [FarsTail](https://github.com/dml-qom/FarsTail) - FarsTail is a dataset of textual entailment (also known as natural language inference, NLI) and it includes 10,367 samples in the Persian language. + + ## NLP in Spanish [Back to Top](#contents) From c752efeb64240145dd2a985c981c4c0dd62fa1a2 Mon Sep 17 00:00:00 2001 From: Alireza Date: Fri, 3 Sep 2021 01:32:35 +0430 Subject: [PATCH 24/53] Updade perke link --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 780b044..979d6cb 100644 --- a/README.md +++ b/README.md @@ -535,7 +535,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on ### Libraries - [Hazm](https://github.com/sobhe/hazm): Python library for digesting Persian text. - [Parsivar](https://github.com/ICTRC/Parsivar): A Language Processing Toolkit for Persian -- [Perke](https://github.com/AlirezaH320/perke): Perke is a Python keyphrase extraction package for Persian language. It provides an end-to-end keyphrase extraction pipeline in which each component can be easily modified or extended to develop new models. +- [Perke](https://github.com/AlirezaTheH/perke): Perke is a Python keyphrase extraction package for Persian language. It provides an end-to-end keyphrase extraction pipeline in which each component can be easily modified or extended to develop new models. - [Perstem](https://github.com/jonsafari/perstem): Persian stemmer, morphological analyzer, transliterator, and partial part-of-speech tagger - [ParsiAnalyzer](https://github.com/NarimanN2/ParsiAnalyzer): Persian Analyzer For Elasticsearch - [virastar](https://github.com/aziz/virastar): Cleaning up Persian text! From 4f8961a1eedf03a452a5a3998d89e9883a74a697 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Stjepan=20Jurekovi=C4=87?= Date: Sun, 19 Sep 2021 21:18:04 +0200 Subject: [PATCH 25/53] Added 3 new titles to Books Hi, Stjepan from Manning here. I've added Deep Learning for Natural Language Processing, Real-World Natural Language Processing, and Getting Started with Natural Language Processing. I thought these titles might be a good match for your list. Thank you for considering them. Best, --- README.md | 3 +++ 1 file changed, 3 insertions(+) diff --git a/README.md b/README.md index a6c8b9d..b89985d 100644 --- a/README.md +++ b/README.md @@ -126,6 +126,9 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [Natural Language Processing with Python](https://www.nltk.org/book/) * [Practical Natural Language Processing](https://www.oreilly.com/library/view/practical-natural-language/9781492054047/) * [Natural Language Processing with Spark NLP](https://www.oreilly.com/library/view/natural-language-processing/9781492047759/) +* [Deep Learning for Natural Language Processing](https://www.manning.com/books/deep-learning-for-natural-language-processing) by Stephan Raaijmakers +* [Real-World Natural Language Processing](https://www.manning.com/books/real-world-natural-language-processing) - by Masato Hagiwara +* [Getting started with Natural Language Processing](https://www.manning.com/books/getting-started-with-natural-language-processing) - by Ekaterina Kochmar ## Libraries From a1fccaf13f730844a74b81c91e891d6746451786 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Stjepan=20Jurekovi=C4=87?= Date: Sat, 16 Oct 2021 21:48:10 +0200 Subject: [PATCH 26/53] Added NLP in Action, Second Edition Hi, Stjepan from Manning here. I thought this latest NLP title from our catalog might be a good match for your list. Thank you for considering it. Best, --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index b89985d..e717842 100644 --- a/README.md +++ b/README.md @@ -129,6 +129,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [Deep Learning for Natural Language Processing](https://www.manning.com/books/deep-learning-for-natural-language-processing) by Stephan Raaijmakers * [Real-World Natural Language Processing](https://www.manning.com/books/real-world-natural-language-processing) - by Masato Hagiwara * [Getting started with Natural Language Processing](https://www.manning.com/books/getting-started-with-natural-language-processing) - by Ekaterina Kochmar +* [Natural Language Processing in Action, Second Edition](https://www.manning.com/books/natural-language-processing-in-action-second-edition) - by Hobson Lane and Maria Dyshel ## Libraries From 1afe61289634b8503c6177f687a01bfa6c23ee91 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Stjepan=20Jurekovi=C4=87?= Date: Tue, 2 Nov 2021 10:30:44 +0100 Subject: [PATCH 27/53] Added Transfer Learning for NLP Hi, Stjepan from Manning here. I thought this title might be a good match for your list. Thank you for considering it. Best, --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index e717842..beb3000 100644 --- a/README.md +++ b/README.md @@ -130,7 +130,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [Real-World Natural Language Processing](https://www.manning.com/books/real-world-natural-language-processing) - by Masato Hagiwara * [Getting started with Natural Language Processing](https://www.manning.com/books/getting-started-with-natural-language-processing) - by Ekaterina Kochmar * [Natural Language Processing in Action, Second Edition](https://www.manning.com/books/natural-language-processing-in-action-second-edition) - by Hobson Lane and Maria Dyshel - +* [Trasfer Learning for Natural Language Processing](https://www.manning.com/books/transfer-learning-for-natural-language-processing) - by Paul Azunre ## Libraries [Back to Top](#contents) From 4fffc067b14a02e1718163b05201b024f2ae8efe Mon Sep 17 00:00:00 2001 From: Nirant Date: Mon, 8 Nov 2021 09:22:22 +0530 Subject: [PATCH 28/53] Update README.md --- README.md | 2 -- 1 file changed, 2 deletions(-) diff --git a/README.md b/README.md index beb3000..6112a9f 100644 --- a/README.md +++ b/README.md @@ -128,9 +128,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [Natural Language Processing with Spark NLP](https://www.oreilly.com/library/view/natural-language-processing/9781492047759/) * [Deep Learning for Natural Language Processing](https://www.manning.com/books/deep-learning-for-natural-language-processing) by Stephan Raaijmakers * [Real-World Natural Language Processing](https://www.manning.com/books/real-world-natural-language-processing) - by Masato Hagiwara -* [Getting started with Natural Language Processing](https://www.manning.com/books/getting-started-with-natural-language-processing) - by Ekaterina Kochmar * [Natural Language Processing in Action, Second Edition](https://www.manning.com/books/natural-language-processing-in-action-second-edition) - by Hobson Lane and Maria Dyshel -* [Trasfer Learning for Natural Language Processing](https://www.manning.com/books/transfer-learning-for-natural-language-processing) - by Paul Azunre ## Libraries [Back to Top](#contents) From 1e5c054f4f2e76a28923b435ae0b4576297b55ac Mon Sep 17 00:00:00 2001 From: Nirant Date: Mon, 8 Nov 2021 13:17:14 +0530 Subject: [PATCH 29/53] Revert "Adding NLP in Persian Section" --- README.md | 17 ----------------- 1 file changed, 17 deletions(-) diff --git a/README.md b/README.md index 8f4bbb0..714c20c 100644 --- a/README.md +++ b/README.md @@ -37,7 +37,6 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP in Chinese](#nlp-in-chinese) * [NLP in German](#nlp-in-german) * [NLP in Polish](#nlp-in-polish) -* [NLP in Persian](#nlp-in-persian) * [NLP in Spanish](#nlp-in-spanish) * [NLP in Indic Languages](#nlp-in-indic-languages) * [NLP in Thai](#nlp-in-thai) @@ -393,22 +392,6 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Polish-NLP](https://github.com/ksopyla/awesome-nlp-polish) - A curated list of resources dedicated to Natural Language Processing (NLP) in polish. Models, tools, datasets. -## NLP in Persian - -[Back to Top](#contents) - -### Libraries - -- [HAZM](https://github.com/sobhe/hazm) - Python library for digesting Persian text. -- [Parsivar](https://github.com/ICTRC/Parsivar) - A Language Processing Toolkit for Persian - -### Data - -- [Bijankhan Corpus](https://dbrg.ut.ac.ir/%D8%A8%DB%8C%DA%98%D9%86%E2%80%8C%D8%AE%D8%A7%D9%86/) - The Bijankhan collection contains about 2.6 millions manually tagged words with a tag set that contains 40 Persian POS tags. -- [FarsBase](http://farsbase.net/about) - FarsBase is Persian multi-source knowledge graph, which isspecifically designed for semantic search engines to support Persian knowledge. -- [FarsTail](https://github.com/dml-qom/FarsTail) - FarsTail is a dataset of textual entailment (also known as natural language inference, NLI) and it includes 10,367 samples in the Persian language. - - ## NLP in Spanish [Back to Top](#contents) From 0692f0cba88f6f66bcd3925fd09bb6dc1fda2576 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Gy=C3=B6rgy=20Orosz?= Date: Tue, 7 Dec 2021 20:41:22 +0100 Subject: [PATCH 30/53] Added Hungarian NLP collection --- README.md | 5 +++++ 1 file changed, 5 insertions(+) diff --git a/README.md b/README.md index 714c20c..87071e8 100644 --- a/README.md +++ b/README.md @@ -553,6 +553,11 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Uppsala Persian Dependency Treebank (UPDT)](http://stp.lingfil.uu.se/~mojgan/UPDT.html): Dependency-based syntactically annotated corpus. - [Hamshahri](https://dbrg.ut.ac.ir/hamshahri/): Hamshahri collection is a standard reliable Persian text collection that was used at Cross Language Evaluation Forum (CLEF) during years 2008 and 2009 for evaluation of Persian information retrieval systems. +## NLP in Hungarian + +- [Hungarian-NLP](https://github.com/oroszgy/awesome-hungarian-nlp) - A curated list of free resources dedicated to Hungarian Natural Language Processing. + + ## Other Languages - Russian: [pymorphy2](https://github.com/kmike/pymorphy2) - a good pos-tagger for Russian From d06745c55c2a157f9cf6823bc90e5b99464f5cb4 Mon Sep 17 00:00:00 2001 From: Oleksiy Syvokon Date: Sat, 9 Apr 2022 11:11:07 +0300 Subject: [PATCH 31/53] Add links for the Ukrainian language --- README.md | 10 ++++++++++ 1 file changed, 10 insertions(+) diff --git a/README.md b/README.md index 714c20c..7c87e60 100644 --- a/README.md +++ b/README.md @@ -46,6 +46,7 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP in Indonesian](#nlp-in-indonesian) * [NLP in Urdu](#nlp-in-urdu) * [NLP in Persian](#nlp-in-persian) +* [NLP in Ukrainian](#nlp-in-ukrainian) * [Other Languages](#other-languages) * [Credits](#credits) @@ -553,6 +554,15 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Uppsala Persian Dependency Treebank (UPDT)](http://stp.lingfil.uu.se/~mojgan/UPDT.html): Dependency-based syntactically annotated corpus. - [Hamshahri](https://dbrg.ut.ac.ir/hamshahri/): Hamshahri collection is a standard reliable Persian text collection that was used at Cross Language Evaluation Forum (CLEF) during years 2008 and 2009 for evaluation of Persian information retrieval systems. + +## NLP in Ukrainian + +[Back to Top](#contents) + +- [awesome-ukrainian-nlp](https://github.com/asivokon/awesome-ukrainian-nlp) - a curated list of Ukrainian NLP datasets, models, etc. +- [UkrainianLT](https://github.com/Helsinki-NLP/UkrainianLT) - another curated list with a focus on machine translation and speech processing + + ## Other Languages - Russian: [pymorphy2](https://github.com/kmike/pymorphy2) - a good pos-tagger for Russian From a634d45b4a5baae8333f53443ed152119820f764 Mon Sep 17 00:00:00 2001 From: Mustafa Al-tekreeti Date: Thu, 19 May 2022 11:09:18 -0400 Subject: [PATCH 32/53] Add information for a course with video lectures --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 7c87e60..6b23181 100644 --- a/README.md +++ b/README.md @@ -110,6 +110,7 @@ Blogs and Newsletters ### Videos and Online Courses [Back to Top](#contents) +* [Advanced Natural Language Processing](https://people.cs.umass.edu/~miyyer/cs685_f20/) - CS 685, UMass Amherst CS * [Deep Natural Language Processing](https://github.com/oxford-cs-deepnlp-2017/lectures) - Lectures series from Oxford * [Deep Learning for Natural Language Processing (cs224-n)](https://web.stanford.edu/class/cs224n/) - Richard Socher and Christopher Manning's Stanford Course * [Neural Networks for NLP](http://phontron.com/class/nn4nlp2017/) - Carnegie Mellon Language Technology Institute there From e8a92b3785eab050d29f3817e0de7fee3b1d068f Mon Sep 17 00:00:00 2001 From: Antonio David <78770941+ajdavidl@users.noreply.github.com> Date: Fri, 8 Jul 2022 16:45:24 -0300 Subject: [PATCH 33/53] Add Julia packages Add Julia packages, fix table of content links and fix typo --- README.md | 34 ++++++++++++++++++++++------------ 1 file changed, 22 insertions(+), 12 deletions(-) diff --git a/README.md b/README.md index 7c87e60..f25f53d 100644 --- a/README.md +++ b/README.md @@ -19,16 +19,18 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [Videos and Courses](#videos-and-online-courses) * [Books](#books) * [Libraries](#libraries) - * [Node.js](#user-content-node-js) - * [Python](#user-content-python) - * [C++](#user-content-c++) - * [Java](#user-content-java) - * [Kotlin](#user-content-kotlin) - * [Scala](#user-content-scala) - * [R](#user-content-r) - * [Clojure](#user-content-clojure) - * [Ruby](#user-content-ruby) - * [Rust](#user-content-rust) + * [Node.js](#node-js) + * [Python](#python) + * [C++](#c++) + * [Java](#java) + * [Kotlin](#kotlin) + * [Scala](#scala) + * [R](#R) + * [Clojure](#clojure) + * [Ruby](#ruby) + * [Rust](#rust) + * [NLP++](#NLP++) + * [Julia](#julia) * [Services](#services) * [Annotation Tools](#annotation-tools) * [Datasets](#datasets) @@ -235,17 +237,25 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - Kevin Dias's [A collection of Natural Language Processing (NLP) Ruby libraries, tools and software](https://github.com/diasks2/ruby-nlp) - [Practical Natural Language Processing done in Ruby](https://github.com/arbox/nlp-with-ruby) -- **Rust** +- **Rust** | [Back to Top](#contents) - [whatlang](https://github.com/greyblake/whatlang-rs) — Natural language recognition library based on trigrams - [snips-nlu-rs](https://github.com/snipsco/snips-nlu-rs) - A production ready library for intent parsing - [rust-bert](https://github.com/guillaume-be/rust-bert) - Ready-to-use NLP pipelines and Transformer-based models -- **NLP++** - NLP++ Langauge | [Back to Top](#contents) +- **NLP++** - NLP++ Language | [Back to Top](#contents) - [VSCode Language Extension](https://marketplace.visualstudio.com/items?itemName=dehilster.nlp) - NLP++ Language Extension for VSCode - [nlp-engine](https://github.com/VisualText/nlp-engine) - NLP++ engine to run NLP++ code on Linux including a full English parser - [VisualText](http://visualtext.org) - Homepage for the NLP++ Language - [NLP++ Wiki](http://wiki.naturalphilosophy.org/index.php?title=NLP%2B%2B) - Wiki entry for the NLP++ language +- **Julia** | [Back to Top](#contents) + - [CorpusLoaders](https://github.com/JuliaText/CorpusLoaders.jl) - A variety of loaders for various NLP corpora + - [Languages](https://github.com/JuliaText/Languages.jl) - A package for working with human languages + - [TextAnalysis](https://github.com/JuliaText/TextAnalysis.jl) - Julia package for text analysis + - [TextModels](https://github.com/JuliaText/TextModels.jl) - Neural Network based models for Natural Language Processing + - [WordTokenizers](https://github.com/JuliaText/WordTokenizers.jl) - High performance tokenizers for natural language processing and other related tasks + - [Word2Vec](https://github.com/JuliaText/Word2Vec.jl) - Julia interface to word2vec + ### Services NLP as API with higher level functionality such as NER, Topic tagging and so on | [Back to Top](#contents) From b2c595b89c334eab49f47a44bffc178713162cfd Mon Sep 17 00:00:00 2001 From: Devrim <46989091+devrimcavusoglu@users.noreply.github.com> Date: Mon, 18 Jul 2022 17:40:05 +0300 Subject: [PATCH 34/53] Updated README.md added jury. --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 7c87e60..685949c 100644 --- a/README.md +++ b/README.md @@ -178,6 +178,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [corex_topic](https://github.com/gregversteeg/corex_topic) - Hierarchical Topic Modeling with Minimal Domain Knowledge - [Sockeye](https://github.com/awslabs/sockeye) - Neural Machine Translation (NMT) toolkit that powers Amazon Translate. - [DL Translate](https://github.com/xhlulu/dl-translate) - A deep learning-based translation library for 50 languages, built on `transformers` and Facebook's mBART Large. + - [Jury](https://github.com/obss/jury) - Evaluation of NLP model outputs offering various automated metrics. - **C++** - C++ Libraries | [Back to Top](#contents) - [InsNet](https://github.com/chncwang/InsNet) - A neural network library for building instance-dependent NLP models with padding-free dynamic batching. From 11466507b98be3fddacff2ecc8b6017b6ebea4bd Mon Sep 17 00:00:00 2001 From: Ishvinder Sethi Date: Wed, 24 Aug 2022 16:16:17 +0530 Subject: [PATCH 35/53] Add Shoonya to Annotation Tools --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 7c87e60..f05d6fe 100644 --- a/README.md +++ b/README.md @@ -278,6 +278,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Datasaur](https://datasaur.ai/) support various NLP tasks for individual or teams, freemium based - [Konfuzio](https://konfuzio.com/en/) - team-first hosted and on-prem text, image and PDF annotation tool powered by active learning, freemium based, costs $ - [UBIAI](https://ubiai.tools/) - Easy-to-use text annotation tool for teams with most comprehensive auto-annotation features. Supports NER, relations and document classification as well as OCR annotation for invoice labeling, costs $ +- [Shoonya](https://github.com/AI4Bharat/Shoonya-Backend) - Shoonya is free and open source data annotation platform with wide varities of organization and workspace level management system. Shoonya is data agnostic, can be used by teams to annotate data with various level of verification stages at scale. ## Techniques From 3f6b9cd4de27fc93ac15192e6e24b5ce37dc964f Mon Sep 17 00:00:00 2001 From: Antonio David <78770941+ajdavidl@users.noreply.github.com> Date: Mon, 26 Sep 2022 21:48:00 -0300 Subject: [PATCH 36/53] Add R packages I added some R packages and a list of NLP packages from CRAN. --- README.md | 4 ++++ 1 file changed, 4 insertions(+) diff --git a/README.md b/README.md index 91d977b..c06098d 100644 --- a/README.md +++ b/README.md @@ -228,6 +228,10 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [dfrtopics](https://github.com/agoldst/dfrtopics) - R package for exploring topic models of text. - [sentiment_classifier](https://github.com/kevincobain2000/sentiment_classifier) - Sentiment Classification using Word Sense Disambiguation and WordNet Reader - [jProcessing](https://github.com/kevincobain2000/jProcessing) - Japanese Natural Langauge Processing Libraries, with Japanese sentiment classification + - [corporaexplorer](https://kgjerde.github.io/corporaexplorer/) - An R package for dynamic exploration of text collections + - [tidytext](https://github.com/juliasilge/tidytext) - Text mining using tidy tools + - [spacyr](https://github.com/quanteda/spacyr) - R wrapper to spaCy NLP + - [CRAN Task View: Natural Language Processing](https://github.com/cran-task-views/NaturalLanguageProcessing/) - **Clojure** | [Back to Top](#contents) - [Clojure-openNLP](https://github.com/dakrone/clojure-opennlp) - Natural Language Processing in Clojure (opennlp) From e6b87c08fea2bc664ef30809b23273317dc3c75b Mon Sep 17 00:00:00 2001 From: Dia Date: Thu, 6 Oct 2022 21:26:32 +0300 Subject: [PATCH 37/53] Added Annotation Lab A free tool for text annotation --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 91d977b..2e68ae6 100644 --- a/README.md +++ b/README.md @@ -290,6 +290,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Konfuzio](https://konfuzio.com/en/) - team-first hosted and on-prem text, image and PDF annotation tool powered by active learning, freemium based, costs $ - [UBIAI](https://ubiai.tools/) - Easy-to-use text annotation tool for teams with most comprehensive auto-annotation features. Supports NER, relations and document classification as well as OCR annotation for invoice labeling, costs $ - [Shoonya](https://github.com/AI4Bharat/Shoonya-Backend) - Shoonya is free and open source data annotation platform with wide varities of organization and workspace level management system. Shoonya is data agnostic, can be used by teams to annotate data with various level of verification stages at scale. +- [Annotation Lab](https://www.johnsnowlabs.com/annotation-lab/) - Free End-to-End No-Code platform for text annotation and DL model training/tuning. Out-of-the-box support for Named Entity Recognition, Classification, Relation extraction and Assertion Status Spark NLP models. Unlimited support for users, teams, projects, documents. ## Techniques From 3b26dfed05ae0bbc021bbc8a82e0237a8ede33f2 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?Gy=C3=B6rgy=20Orosz?= Date: Wed, 12 Oct 2022 20:32:39 +0200 Subject: [PATCH 38/53] Following contribution guidelines --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 382bf14..640112a 100644 --- a/README.md +++ b/README.md @@ -579,7 +579,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on [Back to Top](#contents) -- [awesome-hungarian-nlp](https://github.com/oroszgy/awesome-hungarian-nlp) - A curated list of free resources dedicated to Hungarian Natural Language Processing. +- [awesome-hungarian-nlp](https://github.com/oroszgy/awesome-hungarian-nlp): A curated list of free resources dedicated to Hungarian Natural Language Processing. ## Other Languages From 998dc411c0c95620b64a96229d691a9dcca4cb0f Mon Sep 17 00:00:00 2001 From: Maarten van Gompel Date: Tue, 1 Nov 2022 17:46:42 +0100 Subject: [PATCH 39/53] added FLAT to annotation tools --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 91d977b..d009fe2 100644 --- a/README.md +++ b/README.md @@ -290,6 +290,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Konfuzio](https://konfuzio.com/en/) - team-first hosted and on-prem text, image and PDF annotation tool powered by active learning, freemium based, costs $ - [UBIAI](https://ubiai.tools/) - Easy-to-use text annotation tool for teams with most comprehensive auto-annotation features. Supports NER, relations and document classification as well as OCR annotation for invoice labeling, costs $ - [Shoonya](https://github.com/AI4Bharat/Shoonya-Backend) - Shoonya is free and open source data annotation platform with wide varities of organization and workspace level management system. Shoonya is data agnostic, can be used by teams to annotate data with various level of verification stages at scale. +- [FLAT](https://github.com/proycon/flat) - FLAT is a web-based linguistic annotation environment based around the [FoLiA format](http://proycon.github.io/folia), a rich XML-based format for linguistic annotation. Free and open source. ## Techniques From 358c00961b4b014426e6b52872ea8d2329a13ed0 Mon Sep 17 00:00:00 2001 From: Maarten van Gompel Date: Tue, 1 Nov 2022 18:00:12 +0100 Subject: [PATCH 40/53] added python-ucto as separate entry --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 91d977b..3b90812 100644 --- a/README.md +++ b/README.md @@ -181,6 +181,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [Sockeye](https://github.com/awslabs/sockeye) - Neural Machine Translation (NMT) toolkit that powers Amazon Translate. - [DL Translate](https://github.com/xhlulu/dl-translate) - A deep learning-based translation library for 50 languages, built on `transformers` and Facebook's mBART Large. - [Jury](https://github.com/obss/jury) - Evaluation of NLP model outputs offering various automated metrics. + - [python-ucto](https://github.com/proycon/python-ucto) - Unicode-aware regular-expression based tokenizer for various languages. Python binding to C++ library, supports [FoLiA format](https://proycon.github.io/folia). - **C++** - C++ Libraries | [Back to Top](#contents) - [InsNet](https://github.com/chncwang/InsNet) - A neural network library for building instance-dependent NLP models with padding-free dynamic batching. From 4d0ac316a1ab32d141be028b6e73e02a85d5b7c7 Mon Sep 17 00:00:00 2001 From: Maarten van Gompel Date: Tue, 1 Nov 2022 18:03:38 +0100 Subject: [PATCH 41/53] python libraries: foliapy split off from pynlpl, added foliapy and revised pynlpl --- README.md | 3 ++- 1 file changed, 2 insertions(+), 1 deletion(-) diff --git a/README.md b/README.md index 91d977b..00d9b56 100644 --- a/README.md +++ b/README.md @@ -160,7 +160,8 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [AllenNLP](https://github.com/allenai/allennlp) - An NLP research library, built on PyTorch, for developing state-of-the-art deep learning models on a wide variety of linguistic tasks. - [PyTorch-NLP](https://github.com/PetrochukM/PyTorch-NLP) - NLP research toolkit designed to support rapid prototyping with better data loaders, word vector loaders, neural network layer representations, common NLP metrics such as BLEU - [Rosetta](https://github.com/columbia-applied-data-science/rosetta) - Text processing tools and wrappers (e.g. Vowpal Wabbit) - - [PyNLPl](https://github.com/proycon/pynlpl) - Python Natural Language Processing Library. General purpose NLP library for Python. Also contains some specific modules for parsing common NLP formats, most notably for [FoLiA](https://proycon.github.io/folia/), but also ARPA language models, Moses phrasetables, GIZA++ alignments. + - [PyNLPl](https://github.com/proycon/pynlpl) - Python Natural Language Processing Library. General purpose NLP library for Python, handles some specific formats like ARPA language models, Moses phrasetables, GIZA++ alignments. + - [foliapy](https://github.com/proycon/foliapy) - Python library for working with [FoLiA](https://proycon.github.io/folia/), an XML format for linguistic annotation. - [PySS3](https://github.com/sergioburdisso/pyss3) - Python package that implements a novel white-box machine learning model for text classification, called SS3. Since SS3 has the ability to visually explain its rationale, this package also comes with easy-to-use interactive visualizations tools ([online demos](http://tworld.io/ss3/)). - [jPTDP](https://github.com/datquocnguyen/jPTDP) - A toolkit for joint part-of-speech (POS) tagging and dependency parsing. jPTDP provides pre-trained models for 40+ languages. - [BigARTM](https://github.com/bigartm/bigartm) - a fast library for topic modelling From 204715f6a56020ac57657c99f3a25e98085b255c Mon Sep 17 00:00:00 2001 From: Maarten van Gompel Date: Tue, 1 Nov 2022 18:07:46 +0100 Subject: [PATCH 42/53] added alpino to dutch NLP tools --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 91d977b..6d717c2 100644 --- a/README.md +++ b/README.md @@ -517,6 +517,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [python-frog](https://github.com/proycon/python-frog) - Python binding to Frog, an NLP suite for Dutch. (pos tagging, lemmatisation, dependency parsing, NER) - [SimpleNLG_NL](https://github.com/rfdj/SimpleNLG-NL) - Dutch surface realiser used for Natural Language Generation in Dutch, based on the SimpleNLG implementation for English and French. +- [Alpino](https://github.com/rug-compling/alpino) - Dependency parser for Dutch (also does pos tagging and lemmatisation). ## NLP in Indonesian From 6cae6a9c864c1e8256593b59f93b0f8a457c7503 Mon Sep 17 00:00:00 2001 From: Maarten van Gompel Date: Tue, 1 Nov 2022 18:12:12 +0100 Subject: [PATCH 43/53] added kaldi_NL (ASR) to dutch NLP --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 91d977b..4dcecff 100644 --- a/README.md +++ b/README.md @@ -517,6 +517,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [python-frog](https://github.com/proycon/python-frog) - Python binding to Frog, an NLP suite for Dutch. (pos tagging, lemmatisation, dependency parsing, NER) - [SimpleNLG_NL](https://github.com/rfdj/SimpleNLG-NL) - Dutch surface realiser used for Natural Language Generation in Dutch, based on the SimpleNLG implementation for English and French. +- [Kaldi NL](https://github.com/opensource-spraakherkenning-nl/Kaldi_NL) - Dutch Speech Recognition models based on [Kaldi](http://kaldi-asr.org/). ## NLP in Indonesian From 0a92a647881ada85ed5ec8547ae37c03ed8525fd Mon Sep 17 00:00:00 2001 From: Emile Courthoud <59367323+emilecourthoud@users.noreply.github.com> Date: Tue, 27 Dec 2022 00:23:34 +0100 Subject: [PATCH 44/53] Add Speedster to python libraries --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 91d977b..f5cae1b 100644 --- a/README.md +++ b/README.md @@ -153,6 +153,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [TextAttack](https://github.com/QData/TextAttack) - Adversarial attacks, adversarial training, and data augmentation in NLP - [TextBlob](http://textblob.readthedocs.org/) - Providing a consistent API for diving into common natural language processing (NLP) tasks. Stands on the giant shoulders of [Natural Language Toolkit (NLTK)](https://www.nltk.org/) and [Pattern](https://github.com/clips/pattern), and plays nicely with both :+1: - [spaCy](https://github.com/explosion/spaCy) - Industrial strength NLP with Python and Cython :+1: + - [Speedster](https://github.com/nebuly-ai/nebullvm/tree/main/apps/accelerate/speedster) - Automatically apply SOTA optimization techniques to achieve the maximum inference speed-up on your hardware - [textacy](https://github.com/chartbeat-labs/textacy) - Higher level NLP built on spaCy - [gensim](https://radimrehurek.com/gensim/index.html) - Python library to conduct unsupervised semantic modelling from plain text :+1: - [scattertext](https://github.com/JasonKessler/scattertext) - Python library to produce d3 visualizations of how language differs between corpora From d324c35a3ccada439da792dc011fd85417b965b3 Mon Sep 17 00:00:00 2001 From: Cat Lee Ball <43632885+catleeball@users.noreply.github.com> Date: Sat, 11 Mar 2023 16:53:46 -0800 Subject: [PATCH 45/53] Add NLTK and the NLTK book --- README.md | 2 ++ 1 file changed, 2 insertions(+) diff --git a/README.md b/README.md index 91d977b..a32760b 100644 --- a/README.md +++ b/README.md @@ -96,6 +96,7 @@ Introductions and Guides to NLP * [Natural Language Processing: An Introduction](https://academic.oup.com/jamia/article/18/5/544/829676) - Oxford * [Deep Learning for NLP with Pytorch](https://pytorch.org/tutorials/beginner/deep_learning_nlp_tutorial.html) * [Hands-On NLTK Tutorial](https://github.com/hb20007/hands-on-nltk-tutorial) - NLTK Tutorials, Jupyter notebooks +* [Natural Language Processing with Python – Analyzing Text with the Natural Language Toolkit](https://www.nltk.org/book/) - An online and print book introducing NLP concepts using NLTK. The book's authors also wrote the NLTK library. * [Train a new language model from scratch](https://huggingface.co/blog/how-to-train) - Hugging Face 🤗 * [The Super Duper NLP Repo (SDNLPR)](https://notebooks.quantumstat.com/): Collection of Colab notebooks covering a wide array of NLP task implementations. @@ -168,6 +169,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning - [Chazutsu](https://github.com/chakki-works/chazutsu) - A library for downloading&parsing standard NLP research datasets - [Word Forms](https://github.com/gutfeeling/word_forms) - Word forms can accurately generate all possible forms of an English word - [Multilingual Latent Dirichlet Allocation (LDA)](https://github.com/ArtificiAI/Multilingual-Latent-Dirichlet-Allocation-LDA) - A multilingual and extensible document clustering pipeline + - [Natural Language Toolkit (NLTK)](https://www.nltk.org/) - A library containing a wide variety of NLP functionality, supporting over 50 corpora. - [NLP Architect](https://github.com/NervanaSystems/nlp-architect) - A library for exploring the state-of-the-art deep learning topologies and techniques for NLP and NLU - [Flair](https://github.com/zalandoresearch/flair) - A very simple framework for state-of-the-art multilingual NLP built on PyTorch. Includes BERT, ELMo and Flair embeddings. - [Kashgari](https://github.com/BrikerMan/Kashgari) - Simple, Keras-powered multilingual NLP framework, allows you to build your models in 5 minutes for named entity recognition (NER), part-of-speech tagging (PoS) and text classification tasks. Includes BERT and word2vec embedding. From f8cd3b487ff995c6e2b689341f3a296300b39301 Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?sloev=20/=20Johannes=20Valbj=C3=B8rn?= Date: Wed, 15 Mar 2023 00:42:15 +0100 Subject: [PATCH 46/53] add spacy_onnx_sentiment_english under python --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index a32760b..9484f05 100644 --- a/README.md +++ b/README.md @@ -150,7 +150,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [node-question-answering](https://github.com/huggingface/node-question-answering) - Fast and production-ready question answering w/ DistilBERT in Node.js * **Python** - Python NLP Libraries | [Back to Top](#contents) - + - [spacy-onnx-sentiment-english](https://github.com/sloev/spacy_onnx_sentiment_english) English sentiment model for spacy using onnx - [TextAttack](https://github.com/QData/TextAttack) - Adversarial attacks, adversarial training, and data augmentation in NLP - [TextBlob](http://textblob.readthedocs.org/) - Providing a consistent API for diving into common natural language processing (NLP) tasks. Stands on the giant shoulders of [Natural Language Toolkit (NLTK)](https://www.nltk.org/) and [Pattern](https://github.com/clips/pattern), and plays nicely with both :+1: - [spaCy](https://github.com/explosion/spaCy) - Industrial strength NLP with Python and Cython :+1: From 100597c39ba160549b1f62a15664dcbb1867666a Mon Sep 17 00:00:00 2001 From: =?UTF-8?q?sloev=20/=20Johannes=20Valbj=C3=B8rn?= Date: Wed, 15 Mar 2023 21:01:59 +0100 Subject: [PATCH 47/53] rename to sentimental-onix --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 9484f05..45fefe1 100644 --- a/README.md +++ b/README.md @@ -150,7 +150,7 @@ Material can be found [here](https://github.com/aws-samples/aws-machine-learning * [node-question-answering](https://github.com/huggingface/node-question-answering) - Fast and production-ready question answering w/ DistilBERT in Node.js * **Python** - Python NLP Libraries | [Back to Top](#contents) - - [spacy-onnx-sentiment-english](https://github.com/sloev/spacy_onnx_sentiment_english) English sentiment model for spacy using onnx + - [sentimental-onix](https://github.com/sloev/sentimental-onix) Sentiment models for spacy using onnx - [TextAttack](https://github.com/QData/TextAttack) - Adversarial attacks, adversarial training, and data augmentation in NLP - [TextBlob](http://textblob.readthedocs.org/) - Providing a consistent API for diving into common natural language processing (NLP) tasks. Stands on the giant shoulders of [Natural Language Toolkit (NLTK)](https://www.nltk.org/) and [Pattern](https://github.com/clips/pattern), and plays nicely with both :+1: - [spaCy](https://github.com/explosion/spaCy) - Industrial strength NLP with Python and Cython :+1: From 4369a7fcebaed2e56c07deb835e7083aac47f5be Mon Sep 17 00:00:00 2001 From: Willem Jan Faber Date: Thu, 6 Apr 2023 09:44:31 +0000 Subject: [PATCH 48/53] Update README.md --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 49cec67..1b19e49 100644 --- a/README.md +++ b/README.md @@ -524,6 +524,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [python-frog](https://github.com/proycon/python-frog) - Python binding to Frog, an NLP suite for Dutch. (pos tagging, lemmatisation, dependency parsing, NER) - [SimpleNLG_NL](https://github.com/rfdj/SimpleNLG-NL) - Dutch surface realiser used for Natural Language Generation in Dutch, based on the SimpleNLG implementation for English and French. +- [spaCy](https://spacy.io/) - [Dutch model](https://spacy.io/models/nl) available. - Industrial strength NLP with Python and Cython. ## NLP in Indonesian From 4382fcde9fe42d7465757d32cebc2d8ee35190f7 Mon Sep 17 00:00:00 2001 From: lvwei Date: Tue, 18 Apr 2023 13:52:26 +0800 Subject: [PATCH 49/53] Add HanLP --- README.md | 1 + 1 file changed, 1 insertion(+) diff --git a/README.md b/README.md index 1b19e49..296ebb6 100644 --- a/README.md +++ b/README.md @@ -400,6 +400,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [jieba](https://github.com/fxsjy/jieba#jieba-1) - Python package for Words Segmentation Utilities in Chinese - [SnowNLP](https://github.com/isnowfy/snownlp) - Python package for Chinese NLP - [FudanNLP](https://github.com/FudanNLP/fnlp) - Java library for Chinese text processing +- [HanLP](https://github.com/hankcs/HanLP) - The multilingual NLP library ### Anthology - [funNLP](https://github.com/fighting41love/funNLP) - Collection of NLP tools and resources mainly for Chinese From 6b138853bc6cc8f4406f467787e11b8e6ee7cf68 Mon Sep 17 00:00:00 2001 From: Nirant Date: Tue, 9 May 2023 18:27:50 +0530 Subject: [PATCH 50/53] =?UTF-8?q?pos=20=E2=86=92=20PoS?= MIME-Version: 1.0 Content-Type: text/plain; charset=UTF-8 Content-Transfer-Encoding: 8bit --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 6d717c2..23614b6 100644 --- a/README.md +++ b/README.md @@ -517,7 +517,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [python-frog](https://github.com/proycon/python-frog) - Python binding to Frog, an NLP suite for Dutch. (pos tagging, lemmatisation, dependency parsing, NER) - [SimpleNLG_NL](https://github.com/rfdj/SimpleNLG-NL) - Dutch surface realiser used for Natural Language Generation in Dutch, based on the SimpleNLG implementation for English and French. -- [Alpino](https://github.com/rug-compling/alpino) - Dependency parser for Dutch (also does pos tagging and lemmatisation). +- [Alpino](https://github.com/rug-compling/alpino) - Dependency parser for Dutch (also does PoS tagging and Lemmatisation). ## NLP in Indonesian From 36a539b3ae1c789115706a600c71aeaa01b80c60 Mon Sep 17 00:00:00 2001 From: Nirant Date: Tue, 9 May 2023 18:32:31 +0530 Subject: [PATCH 51/53] Update README.md --- README.md | 3 +-- 1 file changed, 1 insertion(+), 2 deletions(-) diff --git a/README.md b/README.md index 2e68ae6..93225ba 100644 --- a/README.md +++ b/README.md @@ -290,8 +290,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [Konfuzio](https://konfuzio.com/en/) - team-first hosted and on-prem text, image and PDF annotation tool powered by active learning, freemium based, costs $ - [UBIAI](https://ubiai.tools/) - Easy-to-use text annotation tool for teams with most comprehensive auto-annotation features. Supports NER, relations and document classification as well as OCR annotation for invoice labeling, costs $ - [Shoonya](https://github.com/AI4Bharat/Shoonya-Backend) - Shoonya is free and open source data annotation platform with wide varities of organization and workspace level management system. Shoonya is data agnostic, can be used by teams to annotate data with various level of verification stages at scale. -- [Annotation Lab](https://www.johnsnowlabs.com/annotation-lab/) - Free End-to-End No-Code platform for text annotation and DL model training/tuning. Out-of-the-box support for Named Entity Recognition, Classification, Relation extraction and Assertion Status Spark NLP models. Unlimited support for users, teams, projects, documents. - +- [Annotation Lab](https://www.johnsnowlabs.com/annotation-lab/) - Free End-to-End No-Code platform for text annotation and DL model training/tuning. Out-of-the-box support for Named Entity Recognition, Classification, Relation extraction and Assertion Status Spark NLP models. Unlimited support for users, teams, projects, documents. Not FOSS. ## Techniques ### Text Embeddings From e2d433b73d6fb9edd194efc75c368508e3f339b8 Mon Sep 17 00:00:00 2001 From: Antonio David <78770941+ajdavidl@users.noreply.github.com> Date: Wed, 24 May 2023 22:28:19 -0300 Subject: [PATCH 52/53] Add a list of resources for Portuguese language. --- README.md | 7 +++++++ 1 file changed, 7 insertions(+) diff --git a/README.md b/README.md index eb58e97..4da9f5f 100644 --- a/README.md +++ b/README.md @@ -49,6 +49,8 @@ _Please read the [contribution guidelines](contributing.md) before contributing. * [NLP in Urdu](#nlp-in-urdu) * [NLP in Persian](#nlp-in-persian) * [NLP in Ukrainian](#nlp-in-ukrainian) +* [NLP in Hungarian](#nlp-in-hungarian) +* [NLP in Portuguese](#nlp-in-portuguese) * [Other Languages](#other-languages) * [Credits](#credits) @@ -599,6 +601,11 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on - [awesome-hungarian-nlp](https://github.com/oroszgy/awesome-hungarian-nlp): A curated list of free resources dedicated to Hungarian Natural Language Processing. +## NLP in Portuguese + +[Back to Top](#contents) + +- [Portuguese-nlp](https://github.com/ajdavidl/Portuguese-NLP) - a List of resources and tools developed with focus on Portuguese. ## Other Languages From 1f8a5639b92132979315a391b062a1d101931d90 Mon Sep 17 00:00:00 2001 From: Ayub Kokabi Date: Tue, 1 Aug 2023 13:46:06 +0330 Subject: [PATCH 53/53] update hazm link --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 4da9f5f..8edda4a 100644 --- a/README.md +++ b/README.md @@ -568,7 +568,7 @@ NLP as API with higher level functionality such as NER, Topic tagging and so on [Back to Top](#contents) ### Libraries -- [Hazm](https://github.com/sobhe/hazm): Python library for digesting Persian text. +- [Hazm](https://github.com/roshan-research/hazm) - Persian NLP Toolkit. - [Parsivar](https://github.com/ICTRC/Parsivar): A Language Processing Toolkit for Persian - [Perke](https://github.com/AlirezaTheH/perke): Perke is a Python keyphrase extraction package for Persian language. It provides an end-to-end keyphrase extraction pipeline in which each component can be easily modified or extended to develop new models. - [Perstem](https://github.com/jonsafari/perstem): Persian stemmer, morphological analyzer, transliterator, and partial part-of-speech tagger