Topic: "naturallanguageprocessing"
ivan-bilan/The-NLP-Pandect
A comprehensive reference for all topics related to Natural Language Processing
Language: Python - Size: 1.15 MB - Last synced at: 3 days ago - Pushed at: 8 months ago - Stars: 2,024 - Forks: 283

ElizaLo/NLP-Natural-Language-Processing
Projects and useful articles / links
Language: Jupyter Notebook - Size: 71.2 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 376 - Forks: 78

ElizaLo/Machine-Learning
Awesome list (courses, books, videos etc.) and implementation of Machine Learning Algorithms
Language: Jupyter Notebook - Size: 82.2 MB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 102 - Forks: 19

StatguyUser/TextFeatureSelection
Python library for feature selection for text features. It has filter method, genetic algorithm and TextFeatureSelectionEnsemble for improving text classification models. Helps improve your machine learning models
Language: Python - Size: 1.11 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 52 - Forks: 5

north0n-FI/Twitter-moods-as-stock-price-predictors-on-Nasdaq
An attempt to predict next day's stock price movements using sentiments in tweets with cashtags. Six different ML algorithms were deployed (LogReg, KNN, SVM etc.). Main libraries used: Pandas & Numpy
Language: Jupyter Notebook - Size: 28 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 22 - Forks: 6

TheKidPadra/DeepLearning.AI-TensorFlow_Developer-specialization
This repo contains my work & The code base for this TensorFlow Developer specialization offered by deeplearning.AI
Language: Jupyter Notebook - Size: 2.68 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 20 - Forks: 13

Mindful-AI-Assistants/SumBot
:bowtie: SumBot Free Code - AI-Powered Message Summarization ChatBot
Language: HTML - Size: 7.97 MB - Last synced at: 9 days ago - Pushed at: 14 days ago - Stars: 16 - Forks: 1

LunaticPrakash/Text-Summarization
Using Spacy and NLTK module with Tf-Idf algorithm for text-summarisation. This code will give you the summary of inputted article. You can input text directly or from .txt file, .pdf file or from wikipedia url.
Language: Python - Size: 324 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 6

elenderg/PAL-1000
Ambiente de Desenvolvimento Integrado (ADI) contando com um explorador de arquivos, editor de código, compilador e outros.
Language: Pascal - Size: 200 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 10 - Forks: 2

muratali016/Document-ChatGPT
Document based ChatGPT
Language: Python - Size: 22.5 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 8 - Forks: 3

AkashKobal/Blog-Generation-Platform
This repository contains code for generating blog content using the LLama 2 language model. It integrates with Streamlit for easy user interaction. Simply input your blog topic, desired word count, and writing style to generate engaging blog content.
Language: Python - Size: 456 KB - Last synced at: 3 days ago - Pushed at: about 1 year ago - Stars: 4 - Forks: 0

yuanyuanyuan/BookGPTs
BookGPTs: Revolutionizing Book Interactions with AI. Create GPTs for any e-book, making technology accessible for all to engage in rich, AI-powered book discussions. No technical expertise required – upload a document and bring your favorite books to conversational life!
Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

hsm207/conditional-stmt-bot
How to build a chatbot to parse conditional statements
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0

Ashishkumar-hub/Speech-to-text-using-speech_recognition-
In this project our goal is to acheive the problem of converting audio data into textual data.
Language: HTML - Size: 14.1 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 0

Zeeshanahmad4/WebScrapeSummarizer
WebScrapeSummarizer 🌐✍️: A web tool that fetches and summarizes content from any domain, offering insights in a compact CSV format.
Language: JavaScript - Size: 38.1 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

jackfrost1411/machine-translation-english-to-hindi
Machine translation using the seq2seq model
Language: Jupyter Notebook - Size: 90.1 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 3 - Forks: 12

savetz/AppleII-NaturalLanguageProcessing
Various experiments in parsing and natural language processing in the Forth language for the Apple II
Size: 82.3 MB - Last synced at: 2 days ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 1

shatakshisingh24/Offense_evaluation_in_memes
This project was done as a part of my internship at Bennet University for in May-June 2020.
Language: Jupyter Notebook - Size: 1.58 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 2

levitation-opensource/LegalSearch
A prototype legal text search engine that uses a semantic search algorithm in order to find related keywords and sort the results by relevance.
Language: Python - Size: 27.3 MB - Last synced at: 2 months ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

NLP-Neural-Network/MLP-Recurrent-NN
Language: Python - Size: 4.67 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 1

dixitamol/twitter_SentimentAnalysis
Sentiment Analysis of Tweets for a renowned shoe brand
Language: R - Size: 1.44 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

sumitra19jha/PDF-Converter-Backend-GPT3.5
This is a Flask backend that allows users to upload a PDF file and receive a simplified and humorous explanation of its contents using OpenAI's GPT-3 API. The application uses NLTK to split the PDF text into smaller chunks to stay within the API's maximum token limit, and PyPDF2 to extract the text from the PDF file.
Language: Python - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

Srivatsank1/jupyter_notebook
Language: Jupyter Notebook - Size: 389 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 2 - Forks: 1

Cirice/Meliora
Training Word2Vec models in Java and Python 3
Size: 3.39 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

s4nkar/emotract-beta-web
Development Phase! Emotract is a cutting-edge chat application that combines seamless communication with advanced features like real-time text sentiment analysis and age verification. Powered by machine learning and state-of-the-art transformer-based models.
Language: TypeScript - Size: 4.05 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

SURESHBEEKHANI/Text-Summarization-End-to-End-NLP-Projects
End-to-End Text Summarization NLP Projects typically involve building and deploying systems to automatically summarize large text inputs into concise and coherent summaries. These projects integrate multiple stages of Natural Language Processing (NLP), model engineering, and deployment. Below is a detailed description
Language: Jupyter Notebook - Size: 26.4 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

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.
Language: Python - Size: 34.5 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

codeasarjun/docBuddy
DocBuddy is a Flask web app that lets users upload and interact with PDF files by summarizing content, suggesting keywords, and providing a basic Q&A feature, all through an intuitive interface.
Language: HTML - Size: 416 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

NagiPragalathan/FreeFrindlyChatBot
FreeFriendlyChatBot is an open-source chatbot framework designed to facilitate the creation of friendly and interactive chatbots. The framework is developed using Python and leverages natural language processing (NLP) techniques to understand and respond to user queries effectively.
Language: HTML - Size: 45.9 KB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

namratabhatia21/Coronavirus-Sentiment-Analysis
This project provides a comprehensive analysis of tweet sentiment during the COVID-19 pandemic using Natural Language Processing (NLP) techniques. The dataset is classified into five sentiment classes, and thorough data exploration and preprocessing techniques are applied to handle imbalances. ML & DL models utilised.
Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

harmonydata/harmony_original
The Harmony project
Language: Jupyter Notebook - Size: 2.77 MB - Last synced at: 6 days ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1

Tuanpham1994/Text-visualization-uncovering-structure-and-sentiment-analysis
School assignment for text analytics
Language: R - Size: 3.98 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Dharineesh-Karthikeyan/nlp-tweet-sentiment-analysis
Sentiment Analysis on Twitter Data . Classifying them based on polarity into positive, negative and neutral Using Classical Machine Learning methods.
Language: Jupyter Notebook - Size: 9.86 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

onurboyar/NaturalLanguageProcessing
Applications of Embeddings, Machine Translation and Spam Text Classification.
Language: Jupyter Notebook - Size: 447 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

chintanvijan/Message_Reader
A software designed to read messages to make it convenient for people to go through big messages and understand them easily in an efficient manner.
Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

delacruzrlkq/Top-5-Full-Stack-Machine-Learning-Project-Ideas
The top 5 full stack machine learning project ideas include building an Image Classification Web Application, where you can classify images into different categories using machine learning algorithms such as Convolutional Neural Networks (CNNs). Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 1.95 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

Razvan48/Proiect-Natural-Language-Processing-NLP
Proiect Natural Language Processing (NLP) Anul 3, Semestrul 2, Facultatea de Matematica si Informatica, Universitatea din Bucuresti
Language: Jupyter Notebook - Size: 128 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

rs-shukla/Revolutionizing-Recommendations-as-a-Personalization-Strategy
Revolutionizing Recommendations as a Personalization Strategy
Language: Jupyter Notebook - Size: 7.93 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

Projects-Developer/Fake-Reviews-Detection-System-Using-Machine-Learning
Fake reviews detection refers to the process of identifying and flagging false or misleading reviews, typically in online settings such as e-commerce websites, social media, or review platforms. Project Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 7.81 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

yhuang2024/debategpt
Language: Python - Size: 38.1 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

steveee27/Two-Stage-BERT-for-Sports-News-Classification-Using-LLM
This project scrapes sports news articles, classifies them using a Two-Stage BERT model with Large Language Models (LLM). The first stage distinguishes between football and non-football news, while the second classifies football articles into specific leagues like Liga Inggris, Liga Indonesia, etc.
Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

QuantaScriptor/WholeBrainedIntelligence_WBI
Comprehensive AI solution emulating various cognitive processes integrating multiple specialized modules. Based on the Unified Theory of Mind (UTOM) with modules for self-awareness, heuristic pattern recognition, counterfactual simulation, value affection, empathic interaction, and learning from experience.
Language: JavaScript - Size: 38.9 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/Biased-Unbiased-News-Detection-Project
This project aims to develop a system that can automatically detect biased and unbiased news articles. Project Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/React-AI-Chatbot
A conversational AI chatbot built with React, leveraging natural language processing (NLP) and machine learning algorithms to provide intelligent and interactive user experiences. Project Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/Email-Spam-Detection-Project
This project aims to develop a machine learning-based system for detecting spam emails. Email Spam Detection Project With Code, Documents, PPT, Report and Video
Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/Chatbot-Website-React-Project
This project involves designing and developing a conversational chatbot website using React, a popular JavaScript library for building user interfaces. Chatbot website React Project With Code, Documents, Video, Report and PPT
Size: 4.88 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/Spam-Detection-Project
This project aims to design and develop a robust spam detection system that can accurately classify incoming messages or emails as spam or legitimate. Spam Detection Project Project Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 5.86 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/CyberBullying-Detection-using-Machine-Learning
Cyberbullying is a growing concern in the digital age, affecting millions of individuals worldwide. Cyberbullying Detection Using Machine Learning. Project Includes Project Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/Top-5-Full-Stack-Machine-Learning-Project-Ideas
The top 5 full stack machine learning project ideas include building an Image Classification Web Application, where you can classify images into different categories using machine learning algorithms such as Convolutional Neural Networks (CNNs). Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Projects-Developer/Machine-Learning-Projects-for-2025
Top 10 Machine learning (ML) continues to evolve rapidly, offering transformative solutions across a wide range of industries. By 2025, ML projects will be more sophisticated, leveraging advanced techniques, larger datasets, and better computational power Includes Source Code, PPT, Synopsis, Report, Documents, Base Research Paper & Video tutorials
Size: 5.86 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

sarahloree/Project-6---Stock-Market-News-Sentiment-Analysis-Summarization
This is the sixth and final project I completed as part of the Introduction to Natural Language Processing Module from my post-graduate certification in AI/ Machine Learning from University of Texas' McCombs School of Business.
Language: Jupyter Notebook - Size: 1.81 MB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Ktrimalrao/Gemini-pro-sql-llm
A Gemini LLM-powered project that translates natural language queries into SQL commands, retrieving data from an SQLite database through a user-friendly Streamlit interface.
Language: Python - Size: 8.79 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

GoldSharon/Sentimaster
Sentimaster is an AI-powered web tool that analyzes restaurant reviews. It uses a fine-tuned GPT-2 model to classify sentiment, giving businesses real-time insights for better service and decision-making.
Language: Jupyter Notebook - Size: 216 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

arya-io/groq-chatbot
A chatbot web application built with Streamlit and Groq AI, featuring customizable personas and conversation memory, allowing users to interact with an AI in different styles.
Language: Python - Size: 8.79 KB - Last synced at: 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1

arya-io/NLP-Explorer
NLP Explorer is an interactive Streamlit app that lets users explore various NLP techniques like Tokenization, POS Tagging, Stemming, Lemmatization, and NER. It provides real-time analysis of text, making it a great tool for learning and experimenting with NLP concepts.
Language: Python - Size: 113 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

NagiPragalathan/FreeGptExamples
This repository provides examples for using the FreeGPT module, a lightweight Python library for integrating GPT (Generative Pre-trained Transformer) capabilities into various applications. These examples demonstrate how to leverage FreeGPT for a range of tasks.
Language: Python - Size: 2.93 KB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ansarTheScientist/Sarcasm-Detection-Application
"Detect sarcasm effortlessly! This Python app uses NLP and ML to analyze text sentiment, distinguishing sarcastic tones. With a user-friendly interface, input any text for real-time sarcasm identification. Achieve accurate results through advanced sentiment analysis techniques and trained models."
Language: Python - Size: 1.79 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

DidiKongData/Internship-2023-LLM-Engineering-PythonNotebook
Notebook Python Délivrable - Final Task of Internship 2023 : Mastering LLM Engineering for Actuarial Risk Management study with AI
Language: Jupyter Notebook - Size: 124 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

pratt-sark/ms-project
Repository for tracking and sharing progress on my Master's project focusing on a BERT variant trained with Computer Science papers, primarily focused on Named Entity Recognition (NER)
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

kitturpriya/Sarcasm-Analysis
A project consisting of analysis of sarcasm in text using Natural Language Processing techniques. It highlights the importance of context and punctuation in sarcasm detection. Different deep learning models are applied and compared to get the best accuracy in sarcasm detection.
Language: Jupyter Notebook - Size: 985 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

AmirTyper/Sentiment-Analysis-Tool
This project provides a simple script for determining the sentiment of a text input using TextBlob library in Python. It also returns the most positive and most negative sentence in the input text. The script can be used as a standalone tool or integrated into other projects.
Language: Python - Size: 67.4 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

audreyle/News-Analysis
Using Gensim and SpaCy models for topic modeling in the news, and experimenting with LTSMs and GRUs to explore features such as writing style and sentiment per news category
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

yaniv92648/WhatsAppGroupSentimentAnalysis
A sentiment analysis in Hebrew based on HeBert (https://github.com/avichaychriqui/HeBERT) of WhatsApp groups!
Language: Jupyter Notebook - Size: 63.5 KB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

techhound/NLP
Work area for NLP concepts
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

BaliDataMan/NLP-Updates
NLP Updates list of Experiences, Resources & Best Practices.
Size: 6.84 KB - Last synced at: 18 days ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

dxv2k/CS221.L12.KHCL
Natural Language Processing
Language: Python - Size: 0 Bytes - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

mzkaramat/DeveloperReactionToAPIChanges
DeveloperReactionToAPIChanges, TUM master application project
Language: Jupyter Notebook - Size: 213 MB - Last synced at: 7 months ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

Srivatsank1/natural_language_processing
Language: Jupyter Notebook - Size: 5.4 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

ajwadjaved/Learning-DeepLearning
Projects I completed to become aware of the current Deep Learning practices and techniques being carried out in the field
Language: Jupyter Notebook - Size: 6.61 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

theainerd/50-Days-of-Machine-Learning-Sprint
:runner: :cyclone: A 50 day of Machine Learning Sprint to cover all state of the art problems from various domains
Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1
