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/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/florensadimer/nlp_ner_soccer_pt-br

Anotação Manual e Comparação com Modelos Treinados

annotation llm machine-learning ner nlp spacy

Last synced: 09 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/jonathanfox5/lemon_tizer

LemonTizer is a class that wraps the spacy library to build a lemmatizer for language learning applications.

lemmatization lemmatizer spacy wrapper

Last synced: 14 Nov 2024

https://github.com/lucasspinola/monitorbot-api

API feita com FastApi e Spacy para auxiliar Bot Educacional em suas atividades durante a aula.

fastapi nlp pln spacy

Last synced: 21 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/lfoppiano/docker-image-spacy

Docker image for shipping spacy

docker image spacy

Last synced: 18 Dec 2024

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/victowang/wikigame

A python script to play the Wikipedia game

nlp python spacy wikigame wikipedia-game

Last synced: 05 Jan 2025

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 Nov 2024

https://github.com/prateekrajsrivastav/question-answering-model

This project is an NLP-based Question-Answering System that leverages machine learning and natural language processing techniques to provide answers to user queries based on a given context or dataset. The system processes textual input, extracts meaningful insights, and returns relevant answers to the user's question.

huggingface-transformers matplotlib nltk numpy pandas seaborn spacy

Last synced: 20 Dec 2024

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/f1uctus/webanno2spacy

Convert WebAnno TSVs to spaCy's Doc-s.

spacy spacy-extension webanno webanno-tsv

Last synced: 09 Oct 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/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/abinashsahoo007/project-resume-classification

The document classification solution should significantly reduce the manual human effort in the HRM. It should achieve a higher level of accuracy and automation with minimal human intervention.

corpus count-vectorizer label-encoding lemmitization machine-learning nltk part-of-speech-tagging resume-classification spacy stemming text-mining text-preprocessing textract tfidf-vectorizer tokenization wordcloud

Last synced: 18 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/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/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/rafelafrance/angiospermtraiter

Using rule-based parsers to extract information from plant treatments

botany python spacy

Last synced: 09 Dec 2024

https://github.com/adishtienmetz/context-game

A context word guessing game. Try to guess the word in minimum tries!

python3 spacy sqlite3

Last synced: 09 Oct 2024

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/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/touradbaba/nlp-notebooks

This repository contains Jupyter notebooks on various NLP techniques, including text processing, classification, sentiment analysis, and topic modeling.

machine-learning nlp nltk sentiment-analysis spacy text-classification text-processing topic-modeling

Last synced: 09 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/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/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/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/prashver/nlp-driven-video-summarizer-and-insight-tool

An NLP-powered tool for transcribing, summarizing, and indexing podcast content, with video-to-audio conversion and multilingual support.

flask-application huggingface-transformers keyword-extraction named-entity-recognition natural-language-processing ntlk spacy speech-to-text speech-translation text-summarization topic-modeling

Last synced: 18 Dec 2024

https://github.com/kivanc57/nlp_data_visualization

This project provides Python scripts for analyzing and visualizing text data using efficient NLP methods. It includes tools for creating bar plots, histograms, pie charts, treemaps, violin plots, and word clouds, using libraries such as matplotlib, seaborn, wordcloud, spacy, and textblob.

data-science matplotlib nlp parsing plotting python spacy visualization

Last synced: 09 Oct 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/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/wanjage/charles-burney-digital

Digitale Aufbereitung, Anreicherung und Geovisualisierung eines Reiseberichts des Musikhistorikers Charles Burney, mithilfe von Transkribus, Spacy-NER und Nodegoat

geovisualisierung ner nlp nodegoat reisebericht spacy

Last synced: 18 Dec 2024

https://github.com/mydarapy/named-entity-recognition-in-clinical-texts-using-nlp-techniques

using a pretrained ML model to identify and extract named entities (drugs and dosage) from a medical corpus of clinical text

healthcare-data machine-learning medical named-entity-recognition nlp spacy spacy-nlp

Last synced: 18 Dec 2024

https://github.com/atharvapathak/customer_service_chatbot

Customer Service Chatbot Repository includes a range of features for building custom chatbots that can handle customer service queries and support requests. These features include NLP capabilities and pre-built dialog flows that can help chatbots understand and respond to customer.

chatbot database dialogflow nlp nltk reinforcement-learning restful-api spacy tensorflow

Last synced: 18 Dec 2024

https://github.com/ahmedkhaled404/ner-with-spacy

Named entity recognition using traditional NLP methods

machine-learning matplotlib ner nlp nlp-machine-learning python spacy

Last synced: 18 Dec 2024

https://github.com/meefs/entseeker

entseeker is a command-line tool for Named Entity Recognition (NER) and web entity searches in text files. It uses spaCy's NLP capabilities for standard named entities and custom rules for web-related entities.

ai named-entity-recognition spacy spacy-nlp text-classification text-processing

Last synced: 18 Dec 2024

https://github.com/cmilamaya/flight-dashboard-app

This project is an application that processes attached PDF documents containing flight information and extracts relevant data. The data is stored in a PostgreSQL database and visualized on a dynamic dashboard using Streamlit.

pandas pdfplumber python spacy

Last synced: 18 Dec 2024

https://github.com/thjbdvlt/spacy-presque

normalisation de mots (français) pour spacy

french nlp normalization spacy spacy-extensions

Last synced: 18 Dec 2024

https://github.com/sudeatesoglu/nlp-document-processor

An NLP tool for processing documents in different formats with functionalities of similarity score detection, highlighting given pattern and similar words between PDFs, and NER extraction.

nlp spacy text-processing

Last synced: 18 Dec 2024

https://github.com/dmytrovoytko/mlops-spacy-sentiment-analysis

MLOps project Training and Deployment of Spacy model for Sentiment analysis

amazon ml-engineering mlflow mlops nlp prefect sentiment-analysis spacy text-classification

Last synced: 18 Dec 2024

https://github.com/coueghlani/nlp

Proyecto de Procesamiento de Lenguaje Natural y Análisis de Datos

mineria-de-datos nlp nlp-machine-learning nltk numpy procesadores-de-lenguajes sklearn spacy

Last synced: 18 Dec 2024

https://github.com/thjbdvlt/spacy-viceverser

lemmatisation du français avec hunspell et spacy

french hunspell lemmatization nlp nlp-french spacy

Last synced: 18 Dec 2024

https://github.com/trikztr/gptscrape

GPTScrape: A tool for web scraping that uses spaCy for NLP and GPT4All for converting scraped text into structured JSON.

ai data-extraction data-scraping gpt gpt4all llm npl python scraping spacy spacy-nlp web-scraping

Last synced: 18 Dec 2024

https://github.com/cano1998/sentiment-analysis-report-for-amazon-product-reviews

Sentiment analysis of Amazon product reviews. The analysis provides insights into customer sentiment and opinions regarding specific products sold on Amazon.

pdf pdf-generation sentiment-analysis spacy text-blob

Last synced: 18 Dec 2024

https://github.com/thjbdvlt/litteralement

schéma de base de données postgresql EAV hybride pour l'analyse de textes en français

eav french nlp nlp-french postgresql spacy sql

Last synced: 18 Dec 2024

https://github.com/atharvapathak/customer_sentiment_analysis

Customer sentiment analysis is the process of using natural language processing (NLP) and machine learning techniques to analyze and understand the feelings, opinions, and attitudes expressed by customers in textual data, such as reviews, feedback, and social media posts.

cnn naive-bayes nlp nltk spacy stemming text-mining tokenization

Last synced: 18 Dec 2024

https://github.com/presizhai/rmp-ai-assistant

This project implements a RAG system for a Rate My Professor service, leveraging Pinecone for vector storage and OpenAI for text embeddings. It preprocesses professor reviews using SpaCy for cleaning and sentiment analysis, enabling the AI assistant to provide more nuanced recommendations and insights based on student queries.

generative-ai large-language-model natural-language-processing openai software-development software-engineering spacy

Last synced: 18 Dec 2024

https://github.com/nanditha-prabhu/qa-system-via-srl

Question Answering System via Semantic Role Labeling Using Token Classification and Parsing Techniques

bert qa-system spacy srl

Last synced: 18 Dec 2024

https://github.com/muhammadshavaiz/ai_learning

Google Colab notebooks showcasing PyTorch implementations and experiments. Covers deep learning techniques, including neural networks and NLP concepts.

deep-learning nlp python pytorch spacy

Last synced: 18 Dec 2024

https://github.com/michaelkinfu/hknews-headline-analysis

The Hongkong News headline analysis project was conducted by the Chinese University of Hong Kong Library.

beautifulsoup deep-learning digital-scholarship folium historical-newspapers machine-learning spacy yolov5

Last synced: 18 Dec 2024

https://github.com/atharvapathak/twitter_sentiment_analysis_project

Twitter sentiment analysis is the process of analyzing tweets posted on the Twitter platform to determine the overall sentiment expressed within them. It involves using natural language processing (NLP) and machine learning techniques to classify tweets.

api bag-of-words bert cnn data gbm nltk rnn spacy twitter

Last synced: 18 Dec 2024

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/foxbenjaminfox/simil

CLI for semantic string similarity

glove machine-learning python spacy string-similarity

Last synced: 18 Dec 2024

https://github.com/hansalemaos/spacy2df

converts a spaCy object into a pandas DataFrame

dataframe nlp pandas spacy

Last synced: 18 Dec 2024

https://github.com/shadbalti/simple-chatbot

This is a simple chatbot created using Python and spaCy. The chatbot can respond to common questions and perform specific tasks.

ai bots chatbot python spacy

Last synced: 18 Dec 2024

https://github.com/ianhaggerty/final-capstone

This represents the final capstone project in my HyperionDev Data Science (fundamentals) course. A dataset of Amazon customer reviews is analysed using natural language processing.

amazon data-analytics data-science data-visualization dataset matplotlib nlp nlp-machine-learning numpy pandas plotly reviews seaborn spacy tabulate textblob wordcloud

Last synced: 18 Dec 2024

https://github.com/hackerajofficial/chatbot

ChatBot capable of answering user queries while also integrating a conversational form to collect user information such as Name, Email, Phone Number, and Address using Python with Django

chat-application chatbot chatbots chatterbot django hackeraj hackerajofficial spacy spacy-nlp

Last synced: 18 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/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/rahul1582/text-summarisation-using-spacy

A Text Summarizer deployed to Heroku

heroku nlp spacy text-summarisation

Last synced: 13 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/karimosman89/resume-screening

Screen resumes to identify the best candidates.Build a machine learning model that screens resumes and ranks candidates based on job descriptions.Streamline the hiring process for HR departments by automating candidate screening.

machine-learning-algorithms nlp-machine-learning nltk-python python scikit-learn spacy text-processing

Last synced: 25 Dec 2024

https://github.com/thjbdvlt/quelquhui

tokenizer for french

french french-nlp nlp spacy tokenizer-nlp

Last synced: 09 Oct 2024

https://github.com/etienne-bobo/information-retreival_project

In this project, it was a question of designing a model capable of recognizing terms related to our field which is: INVESTIGATING OR ANALYSING MATERIALS BY DETERMINING THEIR CHEMICAL OR PHYSICAL PROPERTIES.

information-retrieval nlp prodigy spacy

Last synced: 10 Jan 2025

https://github.com/2pa4ul2/mcq-quiz-maker-nlp

Quizzable a quiz generator for short reviews with Spacy and NLTK

flask nlp nltk python question-generation quizapp spacy

Last synced: 09 Oct 2024

https://github.com/rrayhka/indonesian-ner-spacy

Fine-tuning SpaCy for Indonesian Named Entity Recognition (NER) with custom dataset.

indonesian named-entity-recognition ner nlp spacy

Last synced: 09 Oct 2024

https://github.com/sukanyadutta52/topic_modeling

What are the most pressing concerns regarding ‘Climate Change’ among tweeters according to Topic Modeling?

climate-change gensim matplotlib nltk numpy pandas pyldavis regular-expression spacy

Last synced: 26 Dec 2024

https://github.com/arnabd64/spacy-ner-hf-space

A webapp built using Gradio for demonstrating the capabilities of the Spacy NER pipeline.

gradio huggingface-spaces named-entity-recognition nlp spacy spacy-pipeline token-classification

Last synced: 09 Oct 2024

https://github.com/pedcapa/nlpower

FastAPI-based service designed to provide real-time text analysis. It leverages some Natural Language Processing (NLP) libraries to offer functionalities such as sentiment analysis, keyword extraction, and text summarization.

fastapi nlp nltk spacy

Last synced: 09 Oct 2024

https://github.com/parthapray/nlp_pipeline_openai

This repo contains nlp pipeline and openai API integration

gradio matplotlib networkx nltk openai rake-nltk scikit-learn seaborn spacy textblob textstat wordcloud

Last synced: 26 Dec 2024

https://github.com/amishra15/text-summarizer-using-nlp-and-tf-idf-methods

Text-Summarizer-Using-NLP-and-TF-IDF-Methods

nlp spacy text-summarization

Last synced: 09 Dec 2024

spaCy Awesome Lists
spaCy Categories