Topic: "nltk"
nltk/nltk
NLTK Source
Language: Python - Size: 338 MB - Last synced at: 5 days ago - Pushed at: about 1 month ago - Stars: 13,994 - Forks: 2,921

sloria/TextBlob
Simple, Pythonic, text processing--Sentiment analysis, part-of-speech tagging, noun phrase extraction, translation, and more.
Language: Python - Size: 7.61 MB - Last synced at: 2 days ago - Pushed at: 6 days ago - Stars: 9,316 - Forks: 1,159

dipanjanS/practical-machine-learning-with-python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
Language: Jupyter Notebook - Size: 116 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 2,316 - Forks: 1,648

shirosaidev/stocksight
Stock market analyzer and predictor using Elasticsearch, Twitter, News headlines and Python natural language processing and sentiment analysis
Language: Python - Size: 3.03 MB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 2,250 - Forks: 471

dipanjanS/text-analytics-with-python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Language: Jupyter Notebook - Size: 38.8 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 1,665 - Forks: 846

nltk/nltk_data
NLTK Data
Language: Python - Size: 965 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 1,625 - Forks: 1,081

csurfer/rake-nltk
Python implementation of the Rapid Automatic Keyword Extraction algorithm using NLTK.
Language: Python - Size: 477 KB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 1,069 - Forks: 150

ggeop/Python-ai-assistant
Python AI assistant 🧠
Language: Python - Size: 2.99 MB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 966 - Forks: 250

thalesgroup-cert/Watcher
Watcher - Open Source Cybersecurity Threat Hunting Platform. Developed with Django & React JS.
Language: Python - Size: 16.4 MB - Last synced at: 2 days ago - Pushed at: 3 days ago - Stars: 907 - Forks: 132

cltk/cltk
The Classical Language Toolkit
Language: Python - Size: 120 MB - Last synced at: 11 days ago - Pushed at: 3 months ago - Stars: 847 - Forks: 332

alexgreene/WikiQuiz
Generates a quiz for a Wikipedia page using parts of speech and text chunking.
Language: JavaScript - Size: 43.9 KB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 801 - Forks: 58

csurfer/gitsuggest
A tool to suggest github repositories based on the repositories you have shown interest in.
Language: Python - Size: 97.7 KB - Last synced at: 8 days ago - Pushed at: almost 4 years ago - Stars: 659 - Forks: 19

vardanagarwal/Proctoring-AI
Creating a software for automatic monitoring in online proctoring
Language: Python - Size: 383 MB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 573 - Forks: 339

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

vas3k/infomate.club
RSS feed aggregator with collections and NLP article summarization
Language: Python - Size: 1010 KB - Last synced at: 2 days ago - Pushed at: 3 months ago - Stars: 461 - Forks: 89

talkdai/dialog
RAG LLM Ops App for easy deployment and testing
Language: Python - Size: 2.02 MB - Last synced at: 1 day ago - Pushed at: 4 months ago - Stars: 396 - Forks: 51

javedsha/text-classification
Machine Learning and NLP: Text Classification using python, scikit-learn and NLTK
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 289 - Forks: 211

chen0040/keras-english-resume-parser-and-analyzer
keras project that parses and analyze english resumes
Language: Python - Size: 1.66 MB - Last synced at: 14 days ago - Pushed at: over 1 year ago - Stars: 279 - Forks: 145

janlukasschroeder/nlp-cheat-sheet-python
NLP Cheat Sheet, Python, spacy, LexNPL, NLTK, tokenization, stemming, sentence detection, named entity recognition
Language: Jupyter Notebook - Size: 3.05 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 229 - Forks: 67

cristianzsh/youtube-video-maker
:video_camera: A tool for automatic video creation and uploading on YouTube
Language: Python - Size: 13.7 MB - Last synced at: 14 days ago - Pushed at: 8 months ago - Stars: 228 - Forks: 60

IngestAI/embedditor
⚡ GUI for editing LLM vector embeddings. No more blind chunking. Upload content in any file extension, join and split chunks, edit metadata and embedding tokens + remove stop-words and punctuation with one click, add images, and download in .veml to share it with your team.
Language: PHP - Size: 1.74 MB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 224 - Forks: 15

gionanide/Speech_Signal_Processing_and_Classification
Front-end speech processing aims at extracting proper features from short- term segments of a speech utterance, known as frames. It is a pre-requisite step toward any pattern recognition problem employing speech or audio (e.g., music). Here, we are interesting in voice disorder classification. That is, to develop two-class classifiers, which can discriminate between utterances of a subject suffering from say vocal fold paralysis and utterances of a healthy subject.The mathematical modeling of the speech production system in humans suggests that an all-pole system function is justified [1-3]. As a consequence, linear prediction coefficients (LPCs) constitute a first choice for modeling the magnitute of the short-term spectrum of speech. LPC-derived cepstral coefficients are guaranteed to discriminate between the system (e.g., vocal tract) contribution and that of the excitation. Taking into account the characteristics of the human ear, the mel-frequency cepstral coefficients (MFCCs) emerged as descriptive features of the speech spectral envelope. Similarly to MFCCs, the perceptual linear prediction coefficients (PLPs) could also be derived. The aforementioned sort of speaking tradi- tional features will be tested against agnostic-features extracted by convolu- tive neural networks (CNNs) (e.g., auto-encoders) [4]. The pattern recognition step will be based on Gaussian Mixture Model based classifiers,K-nearest neighbor classifiers, Bayes classifiers, as well as Deep Neural Networks. The Massachussets Eye and Ear Infirmary Dataset (MEEI-Dataset) [5] will be exploited. At the application level, a library for feature extraction and classification in Python will be developed. Credible publicly available resources will be 1used toward achieving our goal, such as KALDI. Comparisons will be made against [6-8].
Language: Python - Size: 827 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 220 - Forks: 62

Vatshayan/Live-Chatbot-for-Final-Year-Project
Chatbot system for Final Year Project. Chatbot made in Python using Natural Language Toolkit especially Machine Learning. Easy to Understand and Implement.
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 210 - Forks: 36

anujvyas/Natural-Language-Processing-Projects
This repository consists of all my NLP Projects
Language: Jupyter Notebook - Size: 71.2 MB - Last synced at: 13 days ago - Pushed at: over 4 years ago - Stars: 190 - Forks: 67

narender-rk10/MyProctor.ai-AI-BASED-SMART-ONLINE-EXAMINATION-PROCTORING-SYSYTEM
This is a AI Based Smart Exam Proctoring System using python flask, mysql as database, yolov4
Language: HTML - Size: 59.4 MB - Last synced at: about 8 hours ago - Pushed at: about 9 hours ago - Stars: 184 - Forks: 106

alisonmitchell/Stock-Prediction
Technical and sentiment analysis to predict the stock market with machine learning models based on historical time series data and news article sentiment collected using APIs and web scraping.
Language: Jupyter Notebook - Size: 20.9 MB - Last synced at: 16 days ago - Pushed at: 27 days ago - Stars: 181 - Forks: 33

fendouai/Awesome-Text-Classification
Awesome-Text-Classification Projects,Papers,Tutorial .
Size: 7.81 KB - Last synced at: 11 days ago - Pushed at: over 7 years ago - Stars: 171 - Forks: 32

andylvua/bibaandboba
Python package for analyzing Telegram chats and finding correlations between people
Language: Python - Size: 2.51 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 146 - Forks: 4

dcavar/python-tutorial-notebooks
Python tutorials as Jupyter Notebooks for NLP, ML, AI
Language: Jupyter Notebook - Size: 64.9 MB - Last synced at: 16 days ago - Pushed at: 5 months ago - Stars: 137 - Forks: 89

dipanjanS/nlp_workshop_odsc_europe20
Extensive tutorials for the Advanced NLP Workshop in Open Data Science Conference Europe 2020. We will leverage machine learning, deep learning and deep transfer learning to learn and solve popular tasks using NLP including NER, Classification, Recommendation \ Information Retrieval, Summarization, Classification, Language Translation, Q&A and Topic Models.
Language: Jupyter Notebook - Size: 7.65 MB - Last synced at: 1 day ago - Pushed at: over 4 years ago - Stars: 133 - Forks: 65

biolab/orange3-text
🍊 :page_facing_up: Text Mining add-on for Orange3
Language: Python - Size: 46.5 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 131 - Forks: 88

somnathrakshit/geograpy3
Extract place names from a URL or text, and add context to those names -- for example distinguishing between a country, region or city.
Language: Python - Size: 2.98 MB - Last synced at: 14 days ago - Pushed at: about 1 year ago - Stars: 127 - Forks: 12

TiesdeKok/Python_NLP_Tutorial
This repository provides everything to get started with Python for Text Mining / Natural Language Processing (NLP)
Language: Jupyter Notebook - Size: 443 KB - Last synced at: 1 day ago - Pushed at: almost 5 years ago - Stars: 125 - Forks: 66

nityansuman/marvin
Web app to automatically generate subjective or an objective test and evaluate user responses without any human intervention in an efficient and automatic manner using machine learning and natural language processing.
Language: CSS - Size: 18.7 MB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 111 - Forks: 33

gyanesh-m/Sentiment-analysis-of-financial-news-data
Sentiment Analysis of news on stock prices
Language: Python - Size: 161 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 111 - Forks: 40

aniass/Product-Categorization-NLP
Multi-Class Text Classification for products based on their description with Machine Learning algorithms and Neural Networks (MLP, CNN, Distilbert).
Language: Jupyter Notebook - Size: 14.5 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 93 - Forks: 27

lfcipriani/punkt-segmenter
Ruby port of the NLTK Punkt sentence segmentation algorithm
Language: Ruby - Size: 148 KB - Last synced at: 11 days ago - Pushed at: almost 7 years ago - Stars: 92 - Forks: 10

saidziani/Arabic-News-Article-Classification
Automatic categorization of documents, consists in assigning a category to a text based on the information it contains. We'll follow different approach of Supervised Machine Learning.
Language: Python - Size: 6.62 MB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 91 - Forks: 23

daltonfury42/truecase
A python true casing utility that restores case information for texts
Language: Python - Size: 26.5 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 86 - Forks: 16

kevinschaich/billboard
🎤 Lyrics/associated NLP data for Billboard's Top 100, 1950-2015.
Language: JavaScript - Size: 6.17 MB - Last synced at: 9 days ago - Pushed at: 12 months ago - Stars: 85 - Forks: 51

prabhakar267/vertikin
:eyeglasses: Platform to automatically detect what user might be interested in buying in near future
Language: Python - Size: 34.6 MB - Last synced at: 14 days ago - Pushed at: about 2 months ago - Stars: 81 - Forks: 18

obaskly/AiTextDetectionBypass
Bypass Ai detection using undetectable.ai
Language: Python - Size: 30.7 MB - Last synced at: 13 days ago - Pushed at: 2 months ago - Stars: 81 - Forks: 22

akashp1712/nlp-akash
Natural Language Processing notes and implementations.
Language: Python - Size: 2.91 MB - Last synced at: 5 months ago - Pushed at: over 2 years ago - Stars: 73 - Forks: 44

nagypeterjob/Sentiment-Analysis-NLTK-ML-LSTM
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Language: Jupyter Notebook - Size: 979 KB - Last synced at: 4 days ago - Pushed at: over 4 years ago - Stars: 72 - Forks: 57

arop/ner-re-pt
Named entity extraction from Portuguese web text
Language: Python - Size: 1.02 GB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 70 - Forks: 20

DemetersSon83/NRCLex
An affect generator based on TextBlob and the NRC affect lexicon. Note that lexicon license is for research purposes only.
Language: Python - Size: 708 KB - Last synced at: 25 days ago - Pushed at: over 2 years ago - Stars: 69 - Forks: 45

petermartens98/OpenAI-Whisper-Audio-Transcription-And-Summarization-Chatbot
Web app enabling users to either record or upload audio files. Then utilizing OpenAI API (Whisper, GPT4) generates transcriptions, summaries, fact checks, sentiment analysis, and text metrics. Users can also intelligently chat about their transcriptions with a GPT4 chatbot. Data is stored relationally in SQLite and also vectorized in Pinecone.
Language: Python - Size: 86.9 KB - Last synced at: 17 days ago - Pushed at: over 1 year ago - Stars: 64 - Forks: 16

apanimesh061/VaderSentimentJava
Java port of Python NLTK Vader Sentiment Analyzer. VADER (Valence Aware Dictionary and sEntiment Reasoner) is a lexicon and rule-based sentiment analysis tool that is specifically attuned to sentiments expressed in social media, and works well on texts from other domains.
Language: Java - Size: 2.91 MB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 64 - Forks: 29

rawlins/svgling
linguistics tree drawing to SVG in python, aimed at Jupyter
Language: Python - Size: 833 KB - Last synced at: 1 day ago - Pushed at: 8 months ago - Stars: 63 - Forks: 8

usyiyi/nlp-py-2e-zh
:book: [译] Python 自然语言处理 中文第二版
Language: HTML - Size: 14.2 MB - Last synced at: 5 months ago - Pushed at: almost 7 years ago - Stars: 63 - Forks: 18

datasciencecampus/pygrams
Extracts key terminology (n-grams) from any large collection of documents (>1000) and forecasts emergence
Language: Python - Size: 666 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 62 - Forks: 23

platisd/bad-commit-message-blocker
Inhibits commits with bad messages from getting merged
Language: Python - Size: 23.4 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 62 - Forks: 10

BetoBob/NLTK-Book-Resource
Notes and solutions to complement the official NLTK book
Language: Python - Size: 7.71 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 61 - Forks: 4

kethort/TwitterLDATopicModeling
Uses topic modeling to identify context between follower relationships of Twitter users
Language: Python - Size: 3.23 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 60 - Forks: 16

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

mertkahyaoglu/twitter-sentiment-analysis
Twitter Sentiment Analysis For Turkish Language
Language: Python - Size: 118 KB - Last synced at: 16 days ago - Pushed at: almost 6 years ago - Stars: 59 - Forks: 18

akashp1712/summarize-webpage
A small NLP SAAS project that summarize a webpage
Language: Python - Size: 425 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 55 - Forks: 12

jananiarunachalam/Research-Paper-Summarization
Text Summarization for Research Papers
Language: Jupyter Notebook - Size: 170 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 53 - Forks: 17

wroberts/pygermanet
GermaNet API for Python
Language: Python - Size: 9.88 MB - Last synced at: 11 days ago - Pushed at: about 7 years ago - Stars: 53 - Forks: 12

Mottl/ru_punkt
Russian language support for NLTK's PunktSentenceTokenizer
Size: 25.4 KB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 52 - Forks: 11

aayush210789/Deception-Detection-on-Amazon-reviews-dataset
A SVM model that classifies the reviews as real or fake. Used both the review text and the additional features contained in the data set to build a model that predicted with over 85% accuracy without using any deep learning techniques.
Language: Jupyter Notebook - Size: 5.27 MB - Last synced at: 25 days ago - Pushed at: about 7 years ago - Stars: 51 - Forks: 26

mattmurray/topic_modelling_financial_news
Topic modelling on financial news with Natural Language Processing
Language: Jupyter Notebook - Size: 3.78 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 50 - Forks: 21

rocketk/wordcounter
to count words frequency in a text file with nltk
Language: Python - Size: 11.6 MB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 49 - Forks: 21

christabor/namebot
A company/project name generator for Python. Uses NLTK and diverse techniques derived from existing corporate etymologies and naming agencies for sophisticated word generation and ideation.
Language: Python - Size: 1.98 MB - Last synced at: 8 days ago - Pushed at: about 8 years ago - Stars: 49 - Forks: 13

rutvik5/knowledge-graph
Generate knowledge graph from unstructured text
Language: Python - Size: 227 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 47 - Forks: 14

anukalp-mishra/Resume-Screening
Machine Learning Project on Resume Screening using Python
Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 46 - Forks: 21

inoueMashuu/POS-tagger-portuguese-nltk
Conjunto de POS-taggers treinados para classificação gramatical de sentenças em português.
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 46 - Forks: 5

arne-cl/nltk-maxent-pos-tagger
maximum entropy based part-of-speech tagger for NLTK
Language: Python - Size: 12.7 KB - Last synced at: 19 days ago - Pushed at: over 8 years ago - Stars: 45 - Forks: 21

easonlai/google_news_content_scrape_and_analyze_with_gpt
This demo repository illustrates how to use Python to scrape news articles from Google based on a given keyword. The scraped articles are then processed by Azure OpenAI Service (AOAI)'s GPT-3 model, which generates concise summaries of the main points. The summaries are then formatted and sent via email using MailJet API.
Language: Jupyter Notebook - Size: 594 KB - Last synced at: 17 days ago - Pushed at: almost 2 years ago - Stars: 44 - Forks: 11

NITDgpOS/MemeFinder
Meme Retrieval Engine
Language: Python - Size: 234 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 44 - Forks: 22

emdaniels/character-extraction
Extracts character names from a text file and performs analysis of text sentences containing the names.
Language: Python - Size: 692 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 43 - Forks: 4

STRZGR/Natural-Language-Processing-with-Python-Analyzing-Text-with-the-Natural-Language-Toolkit
My solutions to selected exercises to "Natural Language Processing with Python – Analyzing Text with the Natural Language Toolkit" by Steven Bird, Ewan Klein, and Edward Loper.
Language: Jupyter Notebook - Size: 9.75 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 43 - Forks: 34

giuseppebonaccorso/Reuters-21578-Classification
Text classification with Reuters-21578 datasets using Gensim Word2Vec and Keras LSTM
Language: Jupyter Notebook - Size: 5.86 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 43 - Forks: 41

dlab-berkeley/Python-Text-Analysis-Fundamentals 📦
D-Lab's 9 hour introduction to text analysis with Python. Learn how to perform bag-of-words, sentiment analysis, topic modeling, word embeddings, and more, using scikit-learn, NLTK, gensim, and spaCy in Python.
Language: Jupyter Notebook - Size: 171 MB - Last synced at: 10 months ago - Pushed at: over 3 years ago - Stars: 42 - Forks: 41

Spidy20/Flask_NLP_ChatBot
This is simple chatbot using NLP which is implemented on Flask WebApp.
Language: CSS - Size: 206 KB - Last synced at: 8 days ago - Pushed at: almost 5 years ago - Stars: 40 - Forks: 15

KickItLikeShika/cracking-kaggle-competitions
Different approaches for different Classical Machine Learning, and NLP competitions from Kaggle.
Language: Jupyter Notebook - Size: 19 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 39 - Forks: 7

alaBay94/Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
Language: Jupyter Notebook - Size: 2.38 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 39 - Forks: 18

nickduran/align-linguistic-alignment
Python library for extracting quantitative, reproducible metrics of multi-level alignment between two speakers in naturalistic language corpora.
Language: Python - Size: 54.8 MB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 38 - Forks: 11

pdudero/udacity-cvnd-projects
My solutions to the projects assigned for the Udacity Computer Vision Nanodegree
Language: Jupyter Notebook - Size: 89.5 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 37 - Forks: 22

murapadev/YoutubeNLP
A Streamlit application for analyzing YouTube video comments using Natural Language Processing techniques.
Language: Python - Size: 577 KB - Last synced at: 6 days ago - Pushed at: about 1 month ago - Stars: 36 - Forks: 4

Nomiluks/Sentence-Aspect-Category-Detection
Aspect-Based Sentiment Analysis
Language: Jupyter Notebook - Size: 163 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 35 - Forks: 13

jatharthan/resume-to-job-matcher-Spacy-
Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: 1 day ago - Pushed at: about 5 years ago - Stars: 35 - Forks: 13

MrJay10/banking-faq-bot
This is retrieval based Chatbot based on FAQs found at a banking website.
Language: Python - Size: 368 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 35 - Forks: 46

Patataman/PythonBasic
Repo con ejemplos de Python, para aprender o buscar algo concreto :snake:
Language: Python - Size: 12.7 MB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 34 - Forks: 24

shirosaidev/airbnbbot 📦
Airbnb Messaging Bot (TOBOT) - AI assistant for Airbnb Hosts
Language: Python - Size: 437 KB - Last synced at: 7 days ago - Pushed at: over 5 years ago - Stars: 34 - Forks: 6

YifanTian/Stock-Analyser
:chart_with_upwards_trend: Stocks technical analysis code collection and Stocks data platform.
Language: Jupyter Notebook - Size: 9.23 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 34 - Forks: 13

LuciaLlavero/ryuzaki_bot
Simple chatbot in Python using NLTK and scikit-learn
Language: Python - Size: 42 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 33 - Forks: 0

97k/spam-ham-web-app
A web app that classifies text as a spam or ham. I am using my own ML algorithm in the backend, Code to that can be found under machine_learning_section. For Live Demo: Checkout this link
Language: Jupyter Notebook - Size: 68.3 MB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 11

SannketNikam/Emotion-Detection-in-Text
This project employs emotion detection in textual data, specifically trained on Twitter data comprising tweets labeled with corresponding emotions. It seamlessly takes text inputs and provides the most fitting emotion assigned to it. This app has more than 600 visitors!
Language: Jupyter Notebook - Size: 4.24 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 31 - Forks: 10

karimkohel/potato
Centralized AI powered voice activated virtual assistant as a Networking project
Language: Python - Size: 5.3 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 31 - Forks: 5

siddgood/podcast-recommendation-engine
:microphone: Building a content-based podcast recommender system using NLP
Language: Jupyter Notebook - Size: 143 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 30 - Forks: 4

rameshjes/Semantic-Textual-Similarity
Natural Language Processing using NLTK and Spacy
Language: Roff - Size: 9.74 MB - Last synced at: 9 months ago - Pushed at: over 5 years ago - Stars: 30 - Forks: 14

shubhpawar/Automated-Essay-Scoring
Automated Essay Scoring on The Hewlett Foundation dataset on Kaggle
Language: Jupyter Notebook - Size: 8.57 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 30 - Forks: 13

kunalBhashkar/tensorflow_spelling_correction
Spelling correction using Deep Learning
Language: HTML - Size: 85.6 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 29 - Forks: 19

manishshettym/ResumeRise
An NLP tool which classifies and summarizes resumes
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 29 - Forks: 12

vasisouv/tweets-preprocessor
Repo containing the Twitter preprocessor module, developed by the AUTH OSWinds team
Language: Python - Size: 162 KB - Last synced at: 18 days ago - Pushed at: over 4 years ago - Stars: 28 - Forks: 2

Sundar0989/Movie_Bot
https://youtu.be/7hQhPMPNY6A
Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 28 - Forks: 26

esharma3/myers-briggs-personality-prediction
NLP based Classification Model that predicts a person's personality type as one of the 16 Myers Briggs personality types. Extremely challenging project dealing with correlation between human psychology and casual writing styles and handling heavily imbalanced classes. Check the app here - https://mb-predictor-motetuzs5q-uc.a.run.app/
Language: Jupyter Notebook - Size: 136 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 27 - Forks: 20

codequipo/TheDailyNews
Source based extractive summarizer web-app and chatbot.
Language: JavaScript - Size: 30.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 4

maneeshavinayak/Clustering-News-Headlines
The project groups scrapped News headlines using NLTK, K-Means clustering and Hierarchical clustering using Ward Method.
Language: Python - Size: 415 KB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 26 - Forks: 8
