Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
spaCy
![](https://explore-feed.github.com/topics/spacy/spacy.png)
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.
- GitHub: https://github.com/topics/spacy
- Wikipedia: https://en.wikipedia.org/wiki/SpaCy
- Repo: https://github.com/explosion/spaCy
- Created by: Explosion
- Related Topics: machine-learning, natural-language-processing, text-classification, named-entity-recognition, tokenization, entity-linking, dependency-parsing, relation-extraction, part-of-speech-tagging, lemmatization,
- Last updated: 2025-02-09 00:28:04 UTC
- JSON Representation
https://github.com/karimosman89/legal-document-nlp
Create a tool that uses NLP to extract key information from legal documents, contracts, or agreements.Use NLP techniques for named entity recognition and text classification.Streamline the review process for legal teams by automating information extraction.
nltk python scikit-learn spacy
Last synced: 28 Dec 2024
https://github.com/navaneethelite/ner_streamlit
A genreal purpose Named Entity Recognition model using Spacy v3. This web app was built using streamlit and deployed to Heroku.
Last synced: 28 Jan 2025
https://github.com/plandes/mimic
MIMIC III Corpus Parsing
mimic-iii natural-language-processing parsing-library spacy
Last synced: 18 Jan 2025
https://github.com/aitechhero/nonullsense-nlp
Natural Language Processing (NLP) with libraries like spaCy, Transformers, and NLTK.
ai artificial-intelligence huggingface natural-language-processing nlp nltk python spacy text-analysis transformers
Last synced: 09 Jan 2025
https://github.com/5hraddha/sentiment-analysis
An innovative system for filtering and categorizing movie reviews
countvectorizer dummyclassifier lgbmclassifier logisticregression matplotlib minmaxscaler nltk nltk-stopwords nltk-tokenizer numpy pandas seaborn spacy tfidfvectorizer torch tqdm transformers
Last synced: 18 Dec 2024
https://github.com/whatevery1says/preprocessing
WE1S Preprocessing -- workflow preparing documents for import as WE1S data
digital-humanities humanities news nltk preprocessing spacy topic-modeling
Last synced: 15 Jan 2025
https://github.com/surajiyer/topic-analysis
Python library to perform topic detection on textual data that are generated over time.
agglomerative-clustering gaussian-mixture-models nlp spacy spectral-clustering textual-data topic-analysis topic-modeling
Last synced: 04 Feb 2025
https://github.com/gugarosa/brainy
🧠 An intelligent Python-inspired Machine Learning API for training NLP-based models.
api machine-learning nlp python spacy
Last synced: 02 Feb 2025
https://github.com/jonasrenault/cprex
Chemical Properties Relation Extraction
chemistry crawler deep-learning information-extraction machine-learning named-entity-recognition nlp pubchem relation-extraction scientific-articles spacy transformers
Last synced: 14 Oct 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.
Last synced: 18 Dec 2024
https://github.com/lilivalgo/analisis_reportes_onu_cambio_climatico
Web Scraping, manipulación de files.PDF, NPL con SpaCy
beautifulsoup4 pandas pypdf2 python requests spacy wordcloud
Last synced: 02 Feb 2025
https://github.com/codebasics/ner-resume-parser
A tutorial for NER Resume Parser to get the keywords out of a resume.
mlflow mlflow-tracking nlp python spacy spacy-models spacy-nlp
Last synced: 16 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: 05 Feb 2025
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/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: 03 Feb 2025
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/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/aadityasivas/spacy-text-summarization
A simple text summarizer built with spaCy
jupyter-notebook nlp python spacy
Last synced: 22 Dec 2024
https://github.com/oroszgy/spacy-tokenizer-benchmark
Quick and dirty scripts to measure the performance of spaCy
benchmark natural-language-processing nlp python spacy tokenizer
Last synced: 03 Feb 2025
https://github.com/medspacy/nlp_preprocessor
SpaCy component for modifying the string of a doc before tokenizing.
clinical-nlp medspacy nlp nlp-library pipeline spacy
Last synced: 09 Jan 2025
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/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
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/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/chewzzz1014/fyp-ner-archive
final-year-project flair fyp machine-learning ner nlp project spacy transformer
Last synced: 18 Jan 2025
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: 08 Feb 2025
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/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: 08 Feb 2025
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/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/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/sadegh15khedry/comments-sentiment-analysis
text classification on comments using an ANN model.
collections deep-learning keras nlp numpy pandas python sentiment-analysis sklearn spacy unicodedata
Last synced: 10 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: 07 Feb 2025
https://github.com/thjbdvlt/spacy-turlututu
french morphological analysis model for spacy
french french-nlp morphological-analysis nlp part-of-speech-tagging pos-tagging spacy
Last synced: 18 Dec 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/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/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/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: 08 Feb 2025
https://github.com/tony-stone-code/codealpha_simple_chatbot
This is a simple chatbot, built with python.
ai bot-development chatbot css flask flask-application flask-web htlm5 javascript python python3 spacy spacy-nlp web-development
Last synced: 23 Jan 2025
https://github.com/sasank-sasi/subtheme-sentiment-analysis-for-review
"Comprehensive Subtheme Sentiment Analysis of Customer Reviews Using Advanced NLP Techniques"
matplotlib natural-language-processing nltk plotly python scikit-learn spacy vader-sentiment-analysis
Last synced: 02 Feb 2025
https://github.com/michabirklbauer/hgb_dse_text_mining_solutions
Solutions for the practical part of the lecture Text Mining
deep-learning educational how-to keras machine-learning nlp python spacy tensorflow text-classification text-clustering text-mining
Last synced: 04 Jan 2025
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/shwetajanwekar/capstone-project_1
Capstone project_1 include python code for best fit regression model, SQL feature store and tableau dashboard
accuracy create engine lasso-regression-model linear-regression mysql-database pandas ridge-regression seaborn skewness sklearn-library spacy sqlalchemy standard-deviation transformation variense xtrain ytrain
Last synced: 21 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/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/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/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: 30 Jan 2025
https://github.com/christram/tln-miage-ia2-2
NLP Project #2
deep-learning nlp python spacy
Last synced: 19 Jan 2025
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: 08 Feb 2025
https://github.com/richackashyap/using-bart-model-and-named-entity-recognition-to-summarize-text-and-create-a-mind-map-
Generation of mind maps based on any given paragraph
Last synced: 18 Dec 2024
https://github.com/fyt3rp4til/tfidf-emotiondetection
multinomial-naive-bayes n-grams random-forest spacy tfidf-vectorizer
Last synced: 08 Feb 2025
https://github.com/rggh/api-4
Using FastAPI with spaCy to identify entities
Last synced: 02 Feb 2025
https://github.com/galal-pic/gd-project
annotations data fine-tuning ner nlp python spacy
Last synced: 23 Dec 2024
https://github.com/dagmawi-22/hotel-ai
Hotel Customer Support Chatbot Rest API
django nltk pyspellchecker python spacy
Last synced: 09 Feb 2025
https://github.com/manik2000/radiohead-lyrics
NLP analysis of Radiohead's songs lyrics.
embeddings huggingface-transformers nlp spacy
Last synced: 09 Feb 2025
https://github.com/gopireddy99/named_entity_recognition
NLP Concept on Simple NER(Named Entity Recognition) using Spacy and pandas
Last synced: 01 Feb 2025
https://github.com/jpedrou/spotify-nlp-analysis
Repository created with the aim of analyzing song lyrics with the help of Spotify API and Natural Language Processing algorithms.
genius-api matplotlib natural-language-processing nltk python3 spacy spotify-api
Last synced: 01 Feb 2025
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/cllspy/nlp-playground
application to understand key concepts of nlp
Last synced: 07 Feb 2025
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/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: 08 Feb 2025
https://github.com/surbhi242singh/text_summarizer
machine-learning nlp spacy tokenization
Last synced: 08 Feb 2025
https://github.com/adesoji1/visis_backend_assessment_submission-adesoji
Create a backend API to handle book information requests, and summary generation.
bart cache cuda data-extraction fastapi flask hugging-face hugging-face-hub llama postman-api python3 pytorch spacy sqlite3-database swagger-api tensorboard-visualizations transformer ubuntu2304
Last synced: 22 Dec 2024
https://github.com/hariprasath-v/machinehack_intel_oneapi_hackathon_the_llm_challenge
Generate a response for the question from pre-defined text using LLM(Extracted Question-Answering(QA) Model).
accuracy exploratory-data-analysis extractive-question-answering huggingface machine-learning matplotlib nlp nltk numpy pandas python seaborn sklearn spacy spellchecker wordcloud
Last synced: 13 Jan 2025
https://github.com/jrubengaliciab/wordtoobsidian
Converts Word documents into Markdown for Obsidian, identifying and linking keywords related to topics using spaCy's Spanish NER model.
Last synced: 13 Jan 2025
https://github.com/sydney-informatics-hub/clause-segmenter
A clause segmenting tool utilising Python's SpaCy
Last synced: 08 Feb 2025
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: 08 Feb 2025
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.
Last synced: 08 Feb 2025
https://github.com/thjbdvlt/quelquhui
tokenizer for french
french french-nlp nlp spacy tokenizer-nlp
Last synced: 08 Feb 2025
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: 08 Feb 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: 08 Feb 2025
https://github.com/direct-phonology/phony
phonology in spaCy!
linguistics nlp phonology python spacy
Last synced: 20 Jan 2025
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: 08 Feb 2025
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/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: 08 Feb 2025
https://github.com/thjbdvlt/jusquci
french tokenizer for postgresql text search / spacy
nlp nlp-french postgresql postgresql-extension spacy tokenizer
Last synced: 08 Feb 2025
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/d5555/textcat_dataset_imdb
Movie Review Dataset for binary sentiment classification
categories dataset spacy textcat textcategorizer
Last synced: 02 Jan 2025
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/amishra15/text-summarizer-using-nlp-and-tf-idf-methods
Text-Summarizer-Using-NLP-and-TF-IDF-Methods
Last synced: 04 Feb 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
Last synced: 04 Feb 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/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