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/rggh/api-4

Using FastAPI with spaCy to identify entities

docker fastapi python spacy

Last synced: 07 Dec 2024

https://github.com/jonas-jonas/text_mining

Sentiment Analysis using spaCy

jupyter-notebook nlp sentiment-analysis spacy

Last synced: 20 Dec 2024

https://github.com/pythonicforge/e.c.h.o-mini

A miniature model of ECHO intended for my portfolio

ai express javascript nltk python spacy

Last synced: 22 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

https://github.com/veldhub/veld_chain__apis_ner_evaluate_old_models

Chain velds encapsulating evalution of old spacy models.

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

Last synced: 21 Jan 2025

https://github.com/imvladikon/spacy-trankit

💥 Trankit models directly in spaCy💥

nlp spacy spacy-extension spacy-nlp spacy-pipeline trankit

Last synced: 28 Jan 2025

https://github.com/veldhub/veld_chain__mara_load_and_publish_models

Chain velds for publishing self-trained MARA models to huggingface.

nlp spacy spacy-nlp

Last synced: 21 Jan 2025

https://github.com/xettrisomeman/speechandtext

Practicing NLP using spacy and Sklearn

nlp sklearn spacy

Last synced: 02 Jan 2025

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/samarthhchinivar/nlp-codebasics-playlist

This is a GitHub repository containing Jupyter notebooks and Python scripts related to natural language processing (NLP) concepts and techniques covered in the "NLP with Python" playlist by Codebasics YouTube channel. The notebooks cover topics such as text preprocessing, feature extraction using Python libraries NLTK, SpaCy

nlp-machine-learning nltk python3 spacy

Last synced: 06 Jan 2025

https://github.com/e3oroush/music_sorting

A simple project for categorizing your local musics. Find and delete the duplicate music files in your local machine

duplication-detection mediainfo music-duplication-detection music-information-retrieval python spacy

Last synced: 29 Jan 2025

https://github.com/vanheemstrasystems/spacy

SpaCy - spaCy is a free open-source library for Natural Language Processing in Python. It features NER, POS tagging, dependency parsing, word vectors and more.

spacy

Last synced: 17 Nov 2024

https://github.com/lilivalgo/nlp-for-ipcc-climate-reports

This project combines web scraping, PDF processing, and Natural Language Processing (NLP) to extract and analyze IPCC climate reports. It automates downloading PDFs, processes file validation, and applies NLP for data insights.

beautifulsoup4 matplotlib nlp pandas pypdf2 python requests seaborn spacy text-analysis text-processing webscraping

Last synced: 17 Nov 2024

https://github.com/izuna385/arxiv-checker-backend

This is an API and backend modules to return accepted papers related to natural language processing from arxiv.

docker fastapi natural-language-processing pytest spacy tdd tdd-python

Last synced: 06 Jan 2025

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/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/blacksujit/quantumlens

QuantumLens is a cutting-edge, AI-powered information assistant designed to revolutionize how you interact with and process information. By leveraging advanced machine learning algorithms and natural language processing techniques.

ai bert bert-embeddings dataanalysis information integration-flow intellij-idea ml model models nlp-machine-learning processing project research spacy spacy-models spacy-nlp spacy-pipeline summeriza summerization

Last synced: 15 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/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/asaficontact/stack_classifier_project

We classified Stack Overflow Python questions from 2008-2016 with Natural Language Processing and Deep Learning. Using Regular Expressions, we removed HTML tags and punctuation. We also utilized spaCy to tokenize, lemmatize and remove stop words. Using Keras, we built a 4 layered artificial neural network with a 20% dropout rate using relu and softmax activation functions. We also utilized the adam optimizer and categorical cross-entropy loss function which classified 11 tags 88% successfully.

cross-entropy-loss deep-learning deep-neural-networks keras lemmatization neural-networks object-oriented-programming pandas python3 regular-expressions relu sklearn spacy spacy-nlp stackoverflow tfidf tokenization

Last synced: 22 Dec 2024

https://github.com/elbersb/depdistance

Calculation of dependency distance

conll conll-u spacy udpipe

Last synced: 07 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/an0nx/ner-model-for-company-names-gost-and-product-names-detect

Модель NER для определения названий компаний, стандартов госта и названий товаров с точностью 97%

named-entity-recognition ner python spacy spacy-models

Last synced: 09 Oct 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/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/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/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/ayaz-amin/speechpos

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

deep-learning machine-learning python3 spacy

Last synced: 29 Jan 2025

https://github.com/raniasakrr/breakthrough-hire

The project aims to help job seekers understand the essential qualifications required for specific jobs and assess how well their skills match those positions. Additionally, it assists recruiters in improving their resume selection processes by analyzing and comprehending job advertisements.

bert cvanalysis flask ner nlp python scraping sentence-similarity spacy sqlalchemy transformer

Last synced: 09 Oct 2024

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: 30 Jan 2025

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/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/viniciusmecosta/cv_classifier

A REST API that classifies resumes into occupation fields and seniority levels using machine learning. Trained on 3,000+ resumes across 26 occupations, the API provides accurate classifications with efficient PDF text extraction.

catboost fastapi python3 sklearn spacy

Last synced: 09 Oct 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/sydney-informatics-hub/clause-segmenter

A clause segmenting tool utilising Python's SpaCy

nlp python spacy

Last synced: 09 Oct 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/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/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/parthapray/pii_scrubbing_llm

This repo contains codes about PII scrubbing heuristics search before calling to LLM (local and remote)

chatgpt-api claude-api cloud edge fastapi hybrid llm ner-spacy ollama-api pii pii-detection scrubbing spacy sqlalchemy uvicorn

Last synced: 20 Dec 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/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/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/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/f1uctus/webanno2spacy

Convert WebAnno TSVs to spaCy's Doc-s.

spacy spacy-extension webanno webanno-tsv

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

spaCy Awesome Lists
spaCy Categories