Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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.
- 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: 2024-12-29 00:22:24 UTC
- JSON Representation
https://github.com/etdds/redditquotebot
A Reddit comment bot for detecting and replying to famous quotes.
bot chatbot natural-language-processing nlp praw python reddit spacy
Last synced: 23 Nov 2024
https://github.com/sloev/spacy_onnx_sentiment_english
english sentiment model for spacy
onnx-models sentiment-analysis spacy spacy-pipeline
Last synced: 08 Dec 2024
https://github.com/turbolent/spacy-thrift-docker
spacy-thrift as a Docker container
docker named-entity-recognition ner nlp part-of-speech part-of-speech-tagger pos python service spacy thrift
Last synced: 08 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/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/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/lykmapipo/us-inaugural-addresses
Python scripts to download, process, and analyze US Inaugural Addresses
beautifulsoup4 gensim joblib lykmapipo natural-language-processing nlp nltk python python-scripts requests spacy text-analysis text-analytics text-extraction text-processing web-scraping
Last synced: 21 Dec 2024
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/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: 20 Nov 2024
https://github.com/legendarym4x/data_science
Data Science Course
jupyter-notebook keras matplotlib nltk numpy pandas scikit-learn spacy tensorflow
Last synced: 17 Nov 2024
https://github.com/yashaswini-lankalapalli/text-summarization
Here are the two NLP models for text summarization: Abstractive NLP and Extractive NLP.
Last synced: 12 Oct 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/zevio/pcu_nlp
NLP pipeline (spacy.io) for PCU project
component natural-language-processing nlp nlp-pipeline pcu pcu-nlp pipeline python spacy
Last synced: 07 Dec 2024
https://github.com/miweru/vrt_spacy
corpora linguistic-corpora linguistics nlp spacy vrt wrapper
Last synced: 07 Dec 2024
https://github.com/xwiz/spacy_symspell
Spacy symspell extension
spacy spelling-correction spelling-suggestions symspell
Last synced: 07 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/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/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/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/imvladikon/quora-question-pair
duplicates detection experiments on Quora Question Pairs (QQP)
Last synced: 02 Jan 2025
https://github.com/woranov/spacy-lazy-docbin
Lazy-loadable and indexable spaCy DocBins
Last synced: 17 Nov 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.
Last synced: 09 Oct 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 Nov 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/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/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/nxgeo/id-svo-extractor
id-svo-extractor: Extract SVO triples from Indonesian text.
artificial-intelligence indonesian-language indonesian-linguistics indonesian-nlp information-extraction knowledge-extraction knowledge-representation natural-language-processing nlp python rdf-triples spacy spacy-stanza stanza text-analysis triple-extraction
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/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/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/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/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/lfoppiano/docker-image-spacy
Docker image for shipping spacy
Last synced: 18 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/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/iv4n-ga6l/nlp-chatbot-api
A NLP project leveraging NLTK for extracting weather data.
flask nlp-api nlp-chatbot nltk python spacy transformers
Last synced: 26 Nov 2024
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/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/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/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/satoru-shibata-jpn/nlp
自然言語処理
ai chatbot jupyter-notebook llm machine-learning nlp python spacy transformers
Last synced: 02 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.
Last synced: 02 Dec 2024
https://github.com/surbhi242singh/text_summarizer
machine-learning nlp spacy tokenization
Last synced: 09 Oct 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/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/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/d5555/textcat_dataset_imdb
Movie Review Dataset for binary sentiment classification
categories dataset spacy textcat textcategorizer
Last synced: 02 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.
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/oroszgy/mltools
Common utility methods and classes to ease the work with sklearn, spacy, pandas, matplotlib
data-science machine-learning nlp pandas sklearn sklearn-compatible spacy tools
Last synced: 08 Dec 2024
https://github.com/turbolent/spacy-http
spaCy as a HTTP service
api named-entity-recognition ner nlp part-of-speech part-of-speech-tagger pos python service spacy
Last synced: 28 Nov 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)
Last synced: 12 Jan 2025
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/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/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/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/lexxai/goit_python_ds_hw_12
Модуль 12. Основи NLP.
nlp nlp-machine-learning nlp-spacy nltk nltk-tokenizer spacy spacy-nlp
Last synced: 18 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/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 Nov 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
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/salma-4/nlp-task
Preprocessing using NLTK ,SPACY
nltk-library python spacy svm-model
Last synced: 09 Oct 2024
https://github.com/rafelafrance/angiospermtraiter
Using rule-based parsers to extract information from plant treatments
Last synced: 09 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/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/benevanio/nasa-api-astro
Projeto utilizando a API da nasa.
apdo api api-client api-rest api-server astronomy css frond-end-development html5 javascipt javascipt-ai javascript nasa-api nasa-data react-router reactjs space spaceship spacy
Last synced: 29 Nov 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/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/viniciusds2020/nlp_classificacao_texto_spacy
Projeto de Machine learning - Classificação de texto NLTK, SpaCy e Sklearn
logistic-regression machine-learning nlp nlp-machine-learning nltk-python pt-br random-forest-classifier spacy
Last synced: 10 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/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/camara94/spacy
nlp nlp-machine-learning space-invaders spacy
Last synced: 23 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/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/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/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/brianj-4/ai-race-engineer
AI Race Engineer for the F1 Games
ai f1-22 intent-classification named-entity-recognition natural-language-processing nlp spacy
Last synced: 13 Dec 2024
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: 12 Oct 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/philippeitis/nlp_specifier
Formal verification for natural language software documentation
natural-language-processing nlp spacy
Last synced: 12 Oct 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/saifinohwal/sentiment-analysis
Sentiment analysis of Steve Jobs speech
lemmetization nlp spacy summarization tokenization wordcloud-visualization
Last synced: 18 Dec 2024
https://github.com/oroszgy/hunlp-resources
Scripts and resources for making spaCy understand Hungarian.
corpus-linguistics data hungarian hungarian-language hunlp magyarlanc model natural-language-processing nlp resources script spacy wikipedia
Last synced: 08 Dec 2024
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/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/anquetos/nasa-apod-database
etl-pipeline galaxy image json nasa-apod object-oriented-programming pandas pillow space spacy
Last synced: 18 Dec 2024