Topic: "nltk-library"
hb20007/hands-on-nltk-tutorial
The hands-on NLTK tutorial for NLP in Python
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: 25 days ago - Pushed at: 11 months ago - Stars: 550 - Forks: 240

TGDivy/MBTI-Personality-Classifier
A model which uses your social media posting predict your MBTI personality type.
Language: Jupyter Notebook - Size: 931 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 60 - Forks: 17

abhishek305/PyBot-A-ChatBot-For-Answering-Python-Queries-Using-NLP
Pybot can change the way learners try to learn python programming language in a more interactive way. This chatbot will try to solve or provide answer to almost every python related issues or queries that the user is asking for. We are implementing NLP for improving the efficiency of the chatbot. We will include voice feature for more interactivity to the user. By utilizing NLP, developers can organize and structure knowledge to perform tasks such as automatic summarization, translation, named entity recognition, relationship extraction, sentiment analysis, speech recognition, and topic segmentation. NLTK has been called “a wonderful tool for teaching and working in, computational linguistics using Python,” and “an amazing library to play with natural language.The main issue with text data is that it is all in text format (strings). However, the Machine learning algorithms need some sort of numerical feature vector in order to perform the task. So before we start with any NLP project we need to pre-process it to make it ideal for working. Converting the entire text into uppercase or lowercase, so that the algorithm does not treat the same words in different cases as different Tokenization is just the term used to describe the process of converting the normal text strings into a list of tokens i.e words that we actually want. Sentence tokenizer can be used to find the list of sentences and Word tokenizer can be used to find the list of words in strings.Removing Noise i.e everything that isn’t in a standard number or letter.Removing Stop words. Sometimes, some extremely common words which would appear to be of little value in helping select documents matching a user need are excluded from the vocabulary entirely. These words are called stop words.Stemming is the process of reducing inflected (or sometimes derived) words to their stem, base or root form — generally a written word form. Example if we were to stem the following words: “Stems”, “Stemming”, “Stemmed”, “and Stemtization”, the result would be a single word “stem”. A slight variant of stemming is lemmatization. The major difference between these is, that, stemming can often create non-existent words, whereas lemmas are actual words. So, your root stem, meaning the word you end up with, is not something you can just look up in a dictionary, but you can look up a lemma. Examples of Lemmatization are that “run” is a base form for words like “running” or “ran” or that the word “better” and “good” are in the same lemma so they are considered the same.
Language: Python - Size: 49.8 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 47 - Forks: 31

luchux/ipython-notebook-nltk
An introduction to Natural Language processing using NLTK with python.
Language: Jupyter Notebook - Size: 2.95 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 19 - Forks: 9

rohitthapliyal2000/Amazon-Mobile-Sentiment-Analysis
Opinion mining of Mobile reviews on Amazon platform
Language: Python - Size: 146 KB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 19 - Forks: 2

rsher60/Sentiment-Analysis-by-combining-Machine-Learning-and-Lexicon-Based-methods
This project is on twitter sentimental analysis by combining lexicon based and machine learning approaches. A supervised lexicon-based approach for extracting sentiments from tweets was implemented. Various supervised machine learning approaches were tested using scikit-learn libraries in python and implemented Decision Trees and Naive Bayes techniques.
Language: Python - Size: 6.36 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 16 - Forks: 4

caciitg/UTrack
UTrack analyses the user's tweets and finds the level of Loneliness, Stress and Anxiety, and their trends over time
Language: Python - Size: 57.4 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 8

weblineindia/AIML-NLP-Text-Scoring
A Python based AI ML package for generating the best matching text from a paragraph for a given keyword/sentence.
Language: Python - Size: 89.8 KB - Last synced at: 2 days ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 1

nilmolne/Text-Mining-The-New-York-Times-Articles
Provides the tools needed to mine text from The New York Times online articles by using Python and a dictionary text mining technique, given a time range and country of interest.
Language: Jupyter Notebook - Size: 1.35 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 2

Arsh2k01/UTrack Fork of caciitg/UTrack
UTrack analyses the user's tweets and finds the level of Loneliness, Stress, and Anxiety, and their trends over time
Language: Python - Size: 56.9 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 8 - Forks: 5

hb20007/greek-dialect-classifier
Classifier that identifies Greek text as Cypriot Greek or Standard Modern Greek
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 7 - Forks: 3

zuzannna/CoffeeFlavors
☕ Automatic tagging for coffee reviews using SCAA flavor wheel standardized tags 🤖☕
Language: Python - Size: 1.4 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 7 - Forks: 0

huseyincenik/nlp_natural_language_processing
NLP (Natural Language Processing)
Language: Jupyter Notebook - Size: 17.9 MB - Last synced at: 19 days ago - Pushed at: 7 months ago - Stars: 6 - Forks: 1

anunay999/image_captioning_vgg16
Imaging Captioning using VGG16
Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 6 - Forks: 1

anubhavsaxena14/Threat-Detection-using-Sentiment-Analysis
Threat Detection System using Hybrid (Machine Learning + Lexical Analysis) learning Approach.
Language: Python - Size: 44.9 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 6 - Forks: 6

infokiftikhar/Python-based-Sentiment-Analysis-with-Graphical-User-Interface-GUI-
Sentiment Analysis on Movie Review file with Python with the help of some common Python libraries i.e nltk, textblob, gensim etc. Also GUI is added in the Project with Python Tkinter Library.
Language: Python - Size: 7.81 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 5 - Forks: 5

binnazcabuk/Sentiment-Analysis-in-Turkish-Film
Graduation Project/Sentiment Analysis in Turkish Film Reviews
Language: Python - Size: 3.43 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 2

MeqdadDev/articles-text-to-speech
Convert the text of articles to speech using nltk, newspaper and gTTS with Python.
Language: Python - Size: 1.07 MB - Last synced at: 16 days ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 1

subhadeep-123/Sentiment-Analysis
In this repository I have implemented Sentiment analysis in twitter dataset and dataset
Language: Jupyter Notebook - Size: 680 KB - Last synced at: 12 months ago - Pushed at: over 5 years ago - Stars: 5 - Forks: 0

datalivre/web-scraping
Raspando o site www.letras.mus.br em busca de letras musicais (scraping e crawling).
Language: Python - Size: 34.2 KB - Last synced at: 20 days ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 3

Wiryco/Natural-Language-Analysis-And-Processing
Estudo sobre análise e processamento de linguagem natural usando a biblioteca NLTK
Language: Jupyter Notebook - Size: 22.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

buseyaren/Logistic-Regression-with-NLTK
This Github repository states that sentiment analysis was performed on the "twitter140" dataset with Logistic Regression method using NLTK for English language.
Language: Python - Size: 11.5 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

felipexw/guessb
Webapp para classificar comentários (positivos, negativos e neutros) advindos do Facebook usando Natural Language Toolkit (NLTK) + Django e Bootstrap na interface Web.
Language: Python - Size: 10.3 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

Tomjg14/Reddit-crawler
This repository is on the collection of comments from Reddit and how to work with those comments to perform sentiment analysis.
Language: Python - Size: 86.9 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 1

shrutisaxena0617/Yelp-Restaurant-Classification-and-Sentiment-Analysis
A deep dive into Yelp customers' reviews and ratings to perform sentiment analysis and classify restaurants
Language: Jupyter Notebook - Size: 6.75 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 2

techcentaur/Chunking-NER
Chunking Data techniques in Named Entity Recognition(NER) using NLP libraries and algorithms
Language: Python - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 3

jpsarkar/User_Location_Density_Categorization
Written in Python for SPARK for clustering customer based on geo-location to get various insight about behaviour
Language: Python - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 0

mounishvatti/SteamScrape
Ever wondered what players really think about a game before you dive in? This project does just that! By scraping Steam game reviews, we not only gather user feedback but also run some sentiment analysis to understand if the community is loving it or hating it.
Language: Jupyter Notebook - Size: 1.84 MB - Last synced at: 9 days ago - Pushed at: 3 months ago - Stars: 3 - Forks: 1

nirdesh17/movie-recommender-system
A movie recommendation system, is an AI/ML-based approach to filtering or predicting the users’ film preferences based on their past choices and behavior. It’s an advanced filtration mechanism that predicts the possible movie choices of the concerned user and their preferences towards a domain-specific item, aka movie.
Language: Jupyter Notebook - Size: 8.77 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 3 - Forks: 0

Rajspeaks/Machine-Learning-Approach-to-English-POS-Tagging-using-NLTK
Machine Learning approach to English Corpus POS Tagging using NLTK. A mini project under the mentorship of Prof. Sandipan Ganguly, HIT-K.
Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: 14 days ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 2

suvrashaw/CureTalk
Language: Jupyter Notebook - Size: 17.5 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

ali-mohammed-khair-nasser/Text-Summarizer-and-Categorical
Text processing and summarize with the category web application for Arabic and English texts using NLTK, Python, Flask, and other web languages.
Language: Jupyter Notebook - Size: 16 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

su050300/webster2020 Fork of harshit212705/StrangeFlix
An On-Demand Video Streaming platform that provides an immersive experience where users can watch all their favorite movies, series, and videos.
Language: HTML - Size: 141 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 0

ivedants/Naive-Bayes-Spam-Email-Classifier
An implementation of an email spam filter using Naive Bayes method. Observed accuracy: 96.98%
Language: Jupyter Notebook - Size: 2.18 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 5

manena/sp-sentiment-analysis
Sentiment Analysis in Python trained with Amazon Spain reviews in Spanish
Language: Jupyter Notebook - Size: 85 KB - Last synced at: 21 days ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

prashant-kikani/Sarcasm-detector
Sarcastic sentence detector. Trained by sarcastic tweets.
Language: OpenEdge ABL - Size: 45 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 2

vivekpatani/text-summarizer
Language: Python - Size: 9.08 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 0

Arif-miad/Mental-Health-Status-Dataset-for-AI-and-Sentiment-Analysis-
Size: 6.84 KB - Last synced at: 29 days ago - Pushed at: 3 months ago - Stars: 2 - Forks: 1

Ahmed-AI-01/NLP
this repo will include all my work regarding NLP
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 16 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

SOUMEE2000/Applicant_Tracking_System
This streamlitapp is built for employers looking to match best candidate resumes against a particular job description.
Language: Python - Size: 324 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 4

sherirosalia/cupid_shuffle
What sings to your heart, country or hip hop? Python, NLTK, NLP, applied to analyzing lyrics.
Language: Jupyter Notebook - Size: 18.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

mansourshebli/nltkPython
In this repo I provided simple examples to demonstrate how the the fundamentals of NLP on the NLTK library in Python works; Tokenization, Stopword Removal, Parts of Speech Tagging, Named Entity Recognition, Sentiment Analysis using VADER. For better understanding check this NLTK documentation:
Language: Python - Size: 52.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

silveirinhajuan/juanprime
I need help to improve my model and database. JuanPrime is a machine learning project built with PyTorch, focusing on creating a Discord bot. It utilizes natural language processing techniques to provide interactive bot functionalities within the Discord platform.
Language: Python - Size: 686 KB - Last synced at: 15 days ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

AIVenture0/Sentiment-Analysis-Using-Deep-Learning
Perform basic sentiment analysis Using Deep Learning
Language: JavaScript - Size: 23.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

AswinRam4433/Wordle-Insights
Strategy For Solving Wordle of The Day Using Python & NLTK
Language: Jupyter Notebook - Size: 1.32 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

harshiitsingh/Spam-Detection
In this repo, I made a analysis of spam messages using NLP.
Language: Jupyter Notebook - Size: 7.31 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

danhhuynh25029/LexicalAndParser
Language: Python - Size: 2.87 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

aifenaike/Customer-Review-Sentiment-Analysis
A sentiment analysis model for food product reviews by customers.
Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

jegazhu/text-sentiment-python
This is about sentiment text analysis in Python. I used libraries that allow us to work with natural language processing
Language: Python - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

Shakilgithub20/News-Classification
Language: Jupyter Notebook - Size: 11 MB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

Shubha23/Fake-News-Detection-Text-Preprocessing-and-Classification
Fake new detection using text classification as real or fake news segments. Required installations - Python 3.8, NLTK, Scikit-Learn, Jupyter. Text cleaning, tokenization, vectorization, classification model generation and evaluation.
Language: Jupyter Notebook - Size: 11 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

ShubhangiDabral13/NLP-through-NLTK
Graphing Live Twitter Sentiment Analysis with NLTK.
Language: Python - Size: 2.9 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 3

sudoberlin/nlp
Practice Repository for Natural Language tasks!
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

harunurrashid97/Summarization_With_WineReviews_Using_spaCy
In this repository, I will try to explore the Wine Reviews Dataset. It contains 130k of reviews in Wine Reviews. And at the end of this repository, I will try to make simple text summarizer that will summarize given reviews. The summarized reviews can be used as a reviews title also.I will use Spacy as natural language processing library for handling this project.
Language: Jupyter Notebook - Size: 823 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

devAmoghS/pos-tagger-nltk-scikit-learn
Part-Of-Speech Tagger using custom trained models, implemented with Scikit-Learn and NLTK
Language: Python - Size: 267 KB - Last synced at: 19 days ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

Aman83770/Briefly
A Text Summerization web app made on Flask framework
Language: HTML - Size: 572 KB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 4

priyanshsaxena/techmeet
Stock Market Analysis (5th Inter-IIT Tech Meet), IIT Mandi
Language: JavaScript - Size: 619 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 0

shilpavijay/NLTK-know-how
NLTK libraries and Machine Learning Algorithms in use.
Language: Python - Size: 6.9 MB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

pushpendrapratap/Multilingual-Dependency-Parser-for-English-Spanish-and-Dutch-Language-
In this, I have implemented a form of Joakim Nivre’s “arc-eager transition-based dependency parser”.
Language: HTML - Size: 17.3 MB - Last synced at: 2 days ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 2

nasim-raj-laskar/Chat-Bot
This project features a chatbot application built using Python and PyTorch. The chatbot is designed to interact with users based on predefined intents and provide responses using a neural network model.
Language: Python - Size: 44.9 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

Film2549/Data-Analysis-of-a-Simulated-Marketing-Business-Case-Using-Python-SQL-and-Power-BI
Data Analysis of a Simulated Marketing Business Case Using Python, SQL and Power BI
Language: Python - Size: 10.4 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

ap-dev-github/sentiment-analyzer-api
A lightweight, scalable, and serverless API for real-time sentiment analysis. Built using Flask, NLTK's SentimentIntensityAnalyzer, and deployed on AWS Lambda with the Serverless Framework, it efficiently classifies text as positive, negative, or neutral.
Language: Python - Size: 152 KB - Last synced at: 23 days ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

rani-sikdar/Natural-Language-Processing-NLP-Learning
A comprehensive repository of study materials, tutorials, and code implementations for Natural Language Processing (NLP). Includes topics like text preprocessing, embeddings, sentiment analysis, machine translation, and more. Ideal for learners and practitioners exploring the field of NLP.
Language: Jupyter Notebook - Size: 110 KB - Last synced at: 22 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

SartHak-0-Sach/Movie-Recommender-System
A Python-based web application that leverages Natural Language Processing (NLP) to recommend movies based on user preferences, including cast, genres, and production companies. Using the bag-of-words approach, the app compares movie attributes to suggest the best match.
Language: Python - Size: 9.1 MB - Last synced at: 26 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

sukanyadutta52/Sentiment-Analysis
An Analysis of How Machine Perceives Women and How Women Feel about Themselves As a Result of This Perception: Sentiment Analysis
Language: Jupyter Notebook - Size: 187 KB - Last synced at: 25 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

NhanPhamThanh-IT/NLTK-Guide 📦
A comprehensive guide to using the Natural Language Toolkit (NLTK) for text analysis in Python. This repository includes tutorials, examples, and best practices for leveraging NLTK’s powerful features to analyze and process textual data.
Language: Python - Size: 47.9 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

machphy/twitter_sentiment_analysis
Classify tweets as positive or negative using the Naive Bayes classifier with NLTK. This project processes tweets from the `twitter_samples` dataset, extracts features, and trains a sentiment analysis model.
Language: Python - Size: 871 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

AdesharaBrijesh/HealthCare-Chatbot
HealthCare Chatbot is an AI-powered assistant designed to provide initial medical guidance and appointment scheduling. It uses natural language processing to understand user symptoms, suggest potential conditions, and offer basic health advice.
Language: Python - Size: 38.1 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

festusmaithyakcau/AI_Chat_Bot-Festus-Virtual-Assistant
I recently dived into the AI spce and came up with a bot which can be embedded on a website to help users navigate through the web context when customer service agents are offline... Probably it's a good move since it's my first time developing a machine learning model.You can send a PR where possible 🤝🤓🤝
Language: Python - Size: 89.8 KB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 1

maryamsoftdev/Sentiment-Analysis-Using-Natural-Language-Processing-NLTK-
learning python day 15
Language: Python - Size: 1.95 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ShrustiMT/Codsoft-Spam-Ham-classification
In the spam email dataset, this Python code snippet is performing text classification using support VectorSVM.
Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

ShrustiMT/Codsoft-GENRE-CLASSIFICATION
Using Multinomial Naive Bayes, this code snippet illustrates a text classification task. It starts by loading training and testing data sets containing text descriptions and the associated genres.
Language: Jupyter Notebook - Size: 27.6 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

akebu6/EcoRead
Uncover the hidden insights in climate change-related text data to better understand the impact and take informed actions.
Language: Python - Size: 2.43 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

Sanjay-Varma-Hi/Movie-Recommendation-System
This is a ML project that recommend based on user needs. in this i used numpy, panda, ast(abstract syntax tree), nltk(Natural language tool kit), sklearn and pickles
Language: Jupyter Notebook - Size: 4.07 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Umerriaz111/Natural_language_processing
This Repository Contains Some of the NLPS related Code
Language: Jupyter Notebook - Size: 4.67 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Anshul21107/SMS-Spam-Classifier
SMS Spam Classifier is a machine learning project that classifies SMS messages as either spam or not spam (ham).
Language: Jupyter Notebook - Size: 891 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

anudeepvanjavakam1/lit_or_not_on_reddit
This app searches reddit posts and comments to determine if a product or service has a positive or negative sentiment and predicts top product mentions using Named Entity Recognition
Language: Jupyter Notebook - Size: 33.1 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Abhi-gits/auto-correct-app
Auto correct app is a machine learning and NLP based project. It uses python and nltk library.
Language: Jupyter Notebook - Size: 2.36 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

clarallelogram/TopicModeling
Unsupervised Topic Modelling project using Latent Dirichlet Allocation (LDA) on the NeurIPS papers. Built as part of the final project for McGill AI Society's Accelerated Introduction to Machine Learning Course (MAIS 202).
Language: Jupyter Notebook - Size: 9.25 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

Owzok/SPIMI-Info-Retrieval
Databases 2 - Project 2: Single-Pass In-Memory Indexing for information search and recovery
Language: Python - Size: 19.9 MB - Last synced at: 9 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 1

EPSOFT/text-generation-stopword
text generation stopword
Language: Jupyter Notebook - Size: 4.07 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Mussabat/News_Paper_Summarizer
Language: Python - Size: 18.6 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

cosmoduende/r-twitter
Explore your Twitter activity with R: Sentiment Analysis and Data Visualization. How to analyze your Twitter account (or any account), discover your habits and sentiments with the "rtweet" package and NLP.
Language: R - Size: 48 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

ali7ali/Information-retrieval-system
Information Retrieval System
Language: Jupyter Notebook - Size: 20.2 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

Houssem-Ousji/Text-Analyzer-using-NLTK
Language: Python - Size: 7.81 KB - Last synced at: about 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

RAVI-CHANDRIKA-05/ANALYSING_DISNEYLAND_REVIEWS_NLP
this repo contains files for my analysis on disney land visitor reviews using NLP
Language: HTML - Size: 24.8 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

AndryRafam/Hate-Speech-Detection
Hate Speech sentiment detection
Language: Jupyter Notebook - Size: 15.3 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 3

Mohamed87Yahyaoui/Annuaire-Transport-Logistique
Data extraction, transformation, and classification, implementation of a transport and logistics web application, and a Visualization dashboard
Language: CSS - Size: 21.3 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

talhamasood0000/Topic_Modelling_in_Urdu_LSA
Implementation of Topic Modelling technique in Urdu Language by using LSA Model
Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Shakilgithub20/Improving-Classification
Language: Jupyter Notebook - Size: 3.76 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

yashrajsingh11/AmazonMLChallenge2021
Language: Python - Size: 5.86 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

AndryRafam/Movie-Sentiment-Analysis
Sentiment Analysis based on movie reviews dataset on kaggle.
Language: Jupyter Notebook - Size: 3.79 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

AimVoma/Social-Web
Social-Web Analytics Application involving Data operations and Visualizations(Google Maps)
Language: JavaScript - Size: 475 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 2

Zauverer/Test-TSA-Models
Twitter Sentiment Analisys, comparing different models
Language: Jupyter Notebook - Size: 2.9 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

PeterSchuld/Disaster-Response-Pipeline-
Project No.2 (Data Engineering) in the Data Scientist Nanodegree program. Build a machine learning pipeline to categorize emergency messages based on the need communicated by the sender.
Language: Jupyter Notebook - Size: 3.4 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

yashajoshi/Probabilities-Text-and-Ranking
Probabilistic Reasoning and Bayes Rule; Text Data Analysis; Document Ranking and Evaluation.
Language: Jupyter Notebook - Size: 541 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

pranavphoenix/BiLSTM-POS-Tagging
We use Bi-LSTM to learn to tag the Parts of Speech in a sentence using NLTK Brown corpus Dataset.
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

sandipanpaul21/NLP-using-Python
Natural Language Processing in Python
Language: Jupyter Notebook - Size: 5.72 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2

suneelpatel/Natural-Language-Processing-NLP
This repository will provide an overview and working knowledge of Natural Language Processing (NLP), using Python’s Natural Language Toolkit (NLTK) library and with Keras.
Language: Jupyter Notebook - Size: 276 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 3

NijatZeynalov/Cleaning-Text-NLTK
Cleaning Text Manually and with NLTK.
Language: Jupyter Notebook - Size: 36.1 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
