Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

spaCy

spaCy is a free library for advanced Natural Language Processing (NLP) in Python. It’s designed specifically for production use and helps you build applications that process and “understand” large volumes of text. It can be used to build information extraction or natural language understanding systems.

https://github.com/omar7tech/text-summarization

This repository explores the process of automatic text summarization using traditional methods and modern NLP models. It includes steps for text cleaning, word frequency analysis, and summarization, along with a comparison of summaries generated by different transformer models.

natural-language-processing python spacy text-summarization tokenization

Last synced: 18 Dec 2024

https://github.com/miteshgupta07/ats-scoring-system

An ATS (Applicant Tracking System) scoring system that evaluates and ranks resumes based on keyword matching and relevance.

ats ats-system nlp python resume-parser spacy

Last synced: 18 Dec 2024

https://github.com/kailejie/ner

This repository implements Named Entity Recognition (NER) using spaCy, NLTK, and BERT (from the Hugging Face Transformers library). The project runs on a Streamlit web application, allowing users to upload a CSV file containing subject lines to perform NER and visualize the results. It can be run locally or on Google Colab.

bert ner nltk spacy

Last synced: 18 Dec 2024

https://github.com/charlesyuan02/named_entity_recognition

Utilizing Spacy and Tensorflow to train custom Named Entity Recognizers.

conll-2003 named-entity-recognition ner nlp spacy transformer

Last synced: 19 Dec 2024

https://github.com/sudip-13/nlp

This repo for tutorial NLP dialog flow chat bot back end configured

dialogflow fastapi fasttext mogodb ner regex spacy tf-idf

Last synced: 14 Oct 2024

https://github.com/jblake1965/elucidoc

Screens legal text and extracts sentences containing user input party name-predicate phrases

excel law legal-documents legal-text-analytics natural-language-processing python-script python3 spacy textacy word

Last synced: 23 Jan 2025

https://github.com/galal-pic/talented-recruitment-and-skills-analysis-system

The project's goal is to help job seekers understand the basic qualifications for specific jobs and evaluate the suitability of their skills for those positions. Additionally, the program aims to assist recruiters in enhancing their resume selection processes by analyzing and understanding job advertisements ....

cvanalysis fine-tuning flask huggingface ner nlp python scraping sentence-embeddings sentence-transformers spacy sqlalchemy transformer

Last synced: 14 Oct 2024

https://github.com/rkirlew/custom-resume-ner-model-development-with-spacy

I developed a custom Named Entity Recognition (NER) model using spaCy. The process involved manually annotating data, training the model, and evaluating its performance on unseen text. This project provided hands-on experience in working with NLP models, data annotation, and model training pipelines.

machine-learning named-entity-recognition ner spacy spacy-nlp

Last synced: 11 Jan 2025

https://github.com/aditya172926/text_summarization

Project to generate summaries and perform Named Entity Recognition from multiple types of text bodies.

glove machine-learning nlp python scikit-learn spacy

Last synced: 24 Jan 2025

https://github.com/tomhalloin/Springboard-Berkshire

Topic model analysis of Berkshire Hathaway annual letters (Completed Capstone Project #2)

gensim nlp spacy springboard textacy topic-modeling

Last synced: 16 Nov 2024

https://github.com/bghorvath/TextMiningTheBechdelTest

Text mining movie scripts to explore long-term trend of female representation in movies according to the Bechdel test

bechdel bechdel-test coreference-resolution neuralcoref spacy

Last synced: 16 Nov 2024

https://github.com/stephenombuya/ai-powered-writing-assistant

An advanced writing assistant that helps users improve their writing through grammar checking, style analysis, and intelligent suggestions.

flask-application pytest python3 spacy sqlalchemy sqlite3 textblob-sentiment-analysis writing-assistant

Last synced: 09 Jan 2025

https://github.com/martincastroalvarez/search-keras-gensim-elasticsearch

Search Engine using Word Embeddings, GloVe, Neural Networks, BART and Elasticsearch

elasticsearch gensim gensim-word2vec keras nlp numpy python scipy spacy word2vec

Last synced: 22 Dec 2024

https://github.com/rfdzan/summarize-search-result

extractive text summarization with a handful of different libraries

natural-language-processing python spacy

Last synced: 28 Dec 2024

https://github.com/caterinatasinato/machine-learning-nlp-projects

Projects I worked on as Trainee in Data Analytics at ProfessionAI

gensim matplotlib nltk pandas sklearn spacy

Last synced: 19 Dec 2024

https://github.com/simeonhristov99/ati

Ati is a web-based application for predicting which famous classic Bulgarian novelist wrote a piece of text (short or long).

authorship-attribution embeddings jupyter-notebook multiclass-classification nlp optuna pycaret python3 scraping-websites spacy transformer

Last synced: 13 Jan 2025

https://github.com/elbersb/depdistance

Calculation of dependency distance

conll conll-u spacy udpipe

Last synced: 07 Dec 2024

https://github.com/rahul1582/text-summarisation-using-spacy

A Text Summarizer deployed to Heroku

heroku nlp spacy text-summarisation

Last synced: 13 Dec 2024

https://github.com/praju-1/deep_learning

This repository include Deep_learning concept which is subset of machine learning which is based on Neural Networking.

keras nltk pandas python sklearn spacy statistics tensorflow

Last synced: 15 Dec 2024

https://github.com/praadnya/govt-circular-analysis

Uses OCR and NER techniques for parsing Goverment Circulars

annotations graphdb ner ocr spacy

Last synced: 07 Jan 2025

https://github.com/yathartharora/twitter_bot

A twitter bot using tweepy API and phrasematching

nlp phrase-extraction spacy spacy-nlp twitter twitter-api twitter-bot

Last synced: 07 Jan 2025

https://github.com/malcolmgreaves/py_ml_img

A Python 3 image for NLP & ML. Includes spaCy & NLTK model data.

docker-image machine-learning nlp nltk python3 spacy

Last synced: 13 Dec 2024

https://github.com/arkadiuszkaros/nlp-book-pos-extractor

This project focuses on extracting sentences from the text of two popular book series: Harry Potter and Game of Thrones. Using Natural Language Processing (NLP) techniques powered by spaCy, the project aims to identify and analyze the parts of speech (POS) for each word in a sentence.

extractor nlp part-of-speech-tagging python spacy

Last synced: 07 Dec 2024

https://github.com/arya-io/ner-entitylinker

A Streamlit app that performs Named Entity Recognition (NER), links entities to Wikipedia, and handles disambiguation for ambiguous terms like "Apple," using NLP techniques.

ai disambiguation entityextraction entitylinking machinelearning namedentityrecognition naturallanguageprocessing nlp python spacy streamlit textprocessing wikipediaapi

Last synced: 11 Jan 2025

https://github.com/thekartikeyamishra/documentsummarizer

The Document Summarizer is a Python-based application that extracts summaries from uploaded text and PDF documents using Natural Language Processing (NLP) techniques. This project includes a basic GUI to interact with the application, upload documents, and view the summarized content.

machine-learning nlp nlp-machine-learning pdfplumber python spacy tkinter tkinter-gui

Last synced: 07 Dec 2024

https://github.com/maxzirps/lyrics-sentiment-analysis

Analyse lyrics for their sentiment score

nlp pandas sentiment-analysis spacy spacy-nlp

Last synced: 12 Jan 2025

https://github.com/medspacy/nlp_postprocessor

A spaCy component for executing custom logic at the end of a pipeline.

clinical-nlp medspacy nlp nlp-library pipeline spacy

Last synced: 09 Jan 2025

https://github.com/centrefordigitalhumanities/textminer

A script to detect named entities and store them in an Elasticsearch annotated_text field

annotation elasticsearch ner spacy

Last synced: 25 Dec 2024

https://github.com/ajaykumar095/natural_language_processing

Explore cutting-edge Natural Language Processing (NLP) techniques in this GitHub repository. Includes pre-trained models, custom NLP pipelines, text preprocessing tools, sentiment analysis, text classification, and more. Ideal for research, learning, and deploying NLP solutions in Python.

ann nltk-python python rnn spacy tensorflow text-preprocessing textblob

Last synced: 22 Dec 2024

https://github.com/ivangael/nlp-chatbot-api

A NLP project leveraging NLTK for extracting weather data.

flask nlp-api nlp-chatbot nltk python spacy transformers

Last synced: 31 Oct 2024

https://github.com/ayaz-amin/speechpos

A simple Python script that tags speech to parts-of-speech

deep-learning machine-learning python3 spacy

Last synced: 01 Dec 2024

https://github.com/paulo-santos-ds/analise_de_sentimentos_em_criticas_de_filmes

Este projeto visa desenvolver um sistema para filtrar e categorizar resenhas de filmes

lgbm math matplotlib nltk pandas python re sklearn spacy torch

Last synced: 21 Jan 2025

https://github.com/aydan-moon/news_headlines_ner

Named Entity Recognition (NER) model for analyzing entities in news headlines using spaCy and trained on the CoNLL-2003 dataset.

conll-2003 ner nlp python spacy

Last synced: 21 Jan 2025

https://github.com/emmy-bradfield/hilly_xmas

A simple ChatBot built using openAI's davinci 003 as a gift for a dear friend of ours

machine-learning natural-language-processing openai python spacy

Last synced: 21 Jan 2025

https://github.com/tbarlow12/wiki-answer

I wanted to create a question answerer for Wikipedia articles. This project reads articles and responds to a set of questions, getting 31% accuracy on the test set of questions

nlp python question-answering spacy wikipedia

Last synced: 08 Dec 2024

https://github.com/leosimoes/coursera-usp-pln-i

Atividades do curso "Processamento Neural de Linguagem Natural em Português I" oferecido pela USP através do Coursera.

nlp pln python spacy

Last synced: 02 Dec 2024

https://github.com/oroszgy/cookiecutter-ml-flask

Cookiecutter template for training and serving machine learning models with scikit-learn, spacy, Flask and Docker

docker flask flask-application machine-learning nlp rest-api scikit-learn spacy

Last synced: 08 Dec 2024

https://github.com/d5555/textcat_dataset_imdb

Movie Review Dataset for binary sentiment classification

categories dataset spacy textcat textcategorizer

Last synced: 02 Jan 2025

https://github.com/bonysmoke/speliuk

A more accurate spelling correction for the Ukrainian language.

correction kenlm spacy spelling symspell ukrainian

Last synced: 10 Oct 2024

https://github.com/aidan-zamfir/the-iliad

Data analysis & relationship network for the characters of Homers Iliad

data data-analysis dataframes networks networkx python selenium spacy webscraping

Last synced: 12 Jan 2025

https://github.com/randika00/ism-web-automation-y23cp-web

Web scraping refers to the extraction of data from a website. Be it a spreadsheet or an API.

2captcha-api beautifulsoup regex scrapy selenium spacy webdriver

Last synced: 08 Dec 2024

https://github.com/cmucheru/chatbot

A conversational chatbot for embedding in a site.

chatbot spacy

Last synced: 15 Dec 2024

https://github.com/shwetam19/python-ai-chatbot

Pluto.ai is an intelligent chatbot built using Flask. It provides dynamic conversations with features like user authentication, sentiment analysis, NLP-powered intent matching, and API integrations.

ai chatbot flask nlp nltk python spacy sqlalchemy

Last synced: 15 Dec 2024

https://github.com/blue-codes-yep/AI.AT

AI-Powered Text-To-Speech Script Generator This web application uses AI to generate captivating and informative video scripts based on user inputs. It is still under development, but it has the potential to be a useful tool.

ai automation chatbot flask langchain-python llm nlp python3 react reactjs spacy spacy-nlp

Last synced: 06 Jan 2025

https://github.com/woranov/spacy-lazy-docbin

Lazy-loadable and indexable spaCy DocBins

spacy spacy-extension

Last synced: 18 Jan 2025

https://github.com/rtmigo/spacy_installer_py

Installing and removing spaCy language models from Python code, without using the command line

install nlp pip python spacy uninstall

Last synced: 21 Jan 2025

https://github.com/huspacy/demo

HuSpaCy Streamlit Demo

demo huspacy nlp spacy

Last synced: 26 Jan 2025

https://github.com/ntinouldinho/machine-learning-classification-and-speech-generation

Explored Greek Parliament Proceedings and tried to classify each speech to a corresponding parliamentary political party.

artificial-intelligence classification-machine-learning machine-learning neural-networks pandas python sklearn spacy

Last synced: 08 Dec 2024

https://github.com/thekartikeyamishra/resumeevaluatorapp

The Automated Resume Evaluator is a Python-based application that helps evaluate resumes against job descriptions. It calculates an Applicant Tracking System (ATS) score, which is the percentage of keywords from the job description found in the resume.

flask machine-learning matplotlib nlp nltk pypdf python scikit-learn spacy textblob

Last synced: 09 Dec 2024

https://github.com/isabelleysseric/question-answering

Building a Natural Language Question & Answer Search Engine with corpus in Python language.

corpus deep-learning nlp qa question-answering spacy whoosh

Last synced: 30 Dec 2024

https://github.com/angelospanag/kleio-bot

A bot that aggregates the last 50 tweets of each political party currently in the Greek parliament and creates a word cloud for each daily

bot nlp python spacy twitter

Last synced: 03 Jan 2025

https://github.com/francislauriano/chatsoftex

Plataforma inovadora desenvolvida em Python que visa automatizar e agilizar o processo de avaliação de projetos de inovação, utilizando inteligência artificial e critérios padronizados com base na Lei do Bem.

cryptography fernet firebase flask flask-jwt-extended hugging-face-transformers numpy openai pdfplumber postgresql pyjwt pymupdf-fitz pypdf2 python pytorch scikit-learn scipy spacy sqlalchemy tensorflow

Last synced: 09 Dec 2024

https://github.com/ledsouza/nlp-article-classification

This project aims to develop a machine learning model capable of classifying news articles into different categories based on their titles. Two different word embedding models (CBOW and Skip-gram) are trained and used to vectorize the article titles. These vectorized representations are then used to train a Logistic Regression classifier.

gensim-word2vec natural-language-processing nlp nlp-machine-learning pandas python scikit-learn spacy spacy-nlp

Last synced: 03 Dec 2024

https://github.com/lfoppiano/docker-image-spacy

Docker image for shipping spacy

docker image spacy

Last synced: 18 Dec 2024

https://github.com/aranzadata/moviereviewclassifier

Modelo de análisis de sentimientos basado en BERT para 45,000 reseñas de películas, logrando una puntuación F1 de 0.88 al aprovechar técnicas avanzadas de preprocesamiento de texto con NLTK y SpaCy

bert-embeddings nltk spacy

Last synced: 09 Dec 2024

https://github.com/kavyachouhan/manasvi

An AI-powered chatbot built with Django and spaCy that provides real-time emotional support. Manasvi uses natural language processing (NLP) and sentiment analysis to engage users in meaningful conversations about mental health, offering personalized responses based on emotional tone.

chatbot django machine-learning mental-health mental-health-chatbot nlp python sentiment-analysis spacy text-processing web-app

Last synced: 09 Dec 2024

https://github.com/ahmedabdalkreem/grammer-auto-correct

In this project work to make classification between the phase is correct or wrong if phase is right print the correct phase if phase is wrong be input of Transfer Learning and print the phase begore correct.

decision-trees logistic-regression machine-learning matplotlib-pyplot naive-bayes-classifier nlp nltk-library pandas-library python random-forest sklearn spacy svm-model transfer-learning

Last synced: 16 Jan 2025

https://github.com/rafelafrance/angiospermtraiter

Using rule-based parsers to extract information from plant treatments

botany python spacy

Last synced: 09 Dec 2024

https://github.com/lucas54neves/dependency-parsing

Repository of the project for the Introduction to Natural Language Processing discipline of the Computer Science course at the University of Lavras, whose task objective is to explore the parsing of dependencies, using the SpaCy tool.

dependency-parsing nlp python spacy spacy-nlp

Last synced: 13 Jan 2025

https://github.com/crodriguez1a/kaggle-la-jobs

Helping the City of Los Angeles to structure and analyze its job descriptions

kaggle linguistic-analysis ml nlu python spacy

Last synced: 16 Dec 2024

https://github.com/kr1shnasomani/summarai

Text summarizer using NLP (Extractive Summarization & Abstractive Summarization)

natural-language-processing pytextrank pytorch spacy transformers

Last synced: 21 Dec 2024

https://github.com/lilivalgo/nlp-analysis-of-un-climate-change-reports

This project uses Natural Language Processing (NLP) techniques to analyze large amounts of textual data from UN reports on climate change. By applying NLP, the project aims to extract valuable information that can shed light on critical aspects of climate change

beautifulsoup4 matplotlib pandas pypdf2 seaborn spacy text-analysis text-processing webscraping

Last synced: 12 Oct 2024

https://github.com/yashaswini-lankalapalli/text-summarization

Here are the two NLP models for text summarization: Abstractive NLP and Extractive NLP.

nlp python spacy transformers

Last synced: 12 Oct 2024

https://github.com/camara94/nlp-basique

Dans ce tutoriel, nous découvrir ensemble les bases de NLP en IA

gensim nlp nlp-keywords-extraction nlp-machine-learning pytorch sklearn spacy spacy-nlp tensorflow

Last synced: 23 Dec 2024

https://github.com/raju-2003/indiaai-cyberguard-ai-hackathon

An NLP-powered system to simplify cybercrime reporting by analyzing descriptions, categorizing incidents, and providing actionable insights.

matplotlib nltk numpy pandas python random-forest-classifier re scikit-learn seaborn shap spacy wordcloud

Last synced: 23 Jan 2025

https://github.com/giuliosmall/twitter-trending-topics-pipeline

This project demonstrates trending topic detection using Apache Spark and MinIO. It processes Twitter JSON data with PySpark, leveraging distributed data processing and cloud storage. The entire project is containerized with Docker for easy deployment across architectures.

docker minio nlp pyspark pytest spacy spark streamlit

Last synced: 11 Dec 2024

https://github.com/sohaamir/website_projects

Doing some analytics (scraping, app development) on my GitHub website

nltk requests scrapy spacy streamlit

Last synced: 21 Dec 2024

https://github.com/dagmawi-22/hotel-ai

Hotel Customer Support Chatbot Rest API

django nltk pyspellchecker python spacy

Last synced: 17 Dec 2024

https://github.com/manik2000/radiohead-lyrics

NLP analysis of Radiohead's songs lyrics.

embeddings huggingface-transformers nlp spacy

Last synced: 17 Dec 2024

https://github.com/chinmoyt03/voice-to-text

Its an AI project. It will take input from user from a text box and then generate texts.

axios flask mysql nlp nodejs spacy vuejs

Last synced: 18 Dec 2024

https://github.com/rahul1582/named-entity-recognition

A keras implementation of Bidirectional-LSTM for Named Entity Recognition.

bidirectional-lstm keras named-entity-recognition spacy tensorflow

Last synced: 13 Dec 2024

https://github.com/zofiaqlt/nlp_libraries_tweets_analysis

🎯 Exploration of NLP libraries (nltk, spacy) and tweets analysis - use of Python and JupyterLab (Data collection, Cleaning, EDA, Classification, and Data Visualization)

nlp nltk python spacy

Last synced: 12 Jan 2025

https://github.com/veldhub/veld_chain__train_spacy_apis_ner

Chain velds encapsulating a spacy NER training setup on APIS data.

named-entity-recognition nlp spacy spacy-nlp spacy-nlp-ner

Last synced: 21 Jan 2025

spaCy Awesome Lists
spaCy Categories