GitHub topics: text-preprocessing
Ad-Chekk/EchoAI
Web Content Analyzer with LLMs is a powerful tool for scraping, processing, and analyzing web content using advanced Machine Learning (ML) and Natural Language Processing (NLP) techniques. It leverages state-of-the-art models such as RoBERTa for extractive question answering, BART for summarization, and various other NLP models for tasks like senti
Language: Python - Size: 37.1 KB - Last synced at: about 22 hours ago - Pushed at: about 23 hours ago - Stars: 0 - Forks: 0

Raj-UtsaV/IMDB_Movies_Review
"A sentiment analysis project using IMDb movie reviews with NLP and machine learning techniques to classify reviews as positive or negative."
Language: Jupyter Notebook - Size: 108 MB - Last synced at: about 22 hours ago - Pushed at: about 23 hours ago - Stars: 0 - Forks: 0

Avinraj01/SHL-Grammar-Scoring-Engine-for-Voice-Samples
This model predicts grammar scores (1โ5) from audio files. It uses Whisper to transcribe speech to text, cleans the text, and extracts features with TF-IDF. A Random Forest Regressor is trained to learn grammar score patterns. Evaluation via Pearson Correlation showed good results.
Language: Jupyter Notebook - Size: 40 KB - Last synced at: about 23 hours ago - Pushed at: about 23 hours ago - Stars: 1 - Forks: 0

adbar/trafilatura
Python & Command-line tool to gather text and metadata on the Web: Crawling, scraping, extraction, output as CSV, JSON, HTML, MD, TXT, XML
Language: Python - Size: 33.8 MB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 4,151 - Forks: 289

CDSoft/ypp
Yet a PreProcessor
Language: Lua - Size: 191 KB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 12 - Forks: 1

CDSoft/panda
Panda is a Pandoc Lua filter that works on internal Pandoc's AST. Panda is heavily inspired by [abp](http:/cdelord.fr/abp) reimplemented as a Pandoc Lua filter.
Language: Lua - Size: 265 KB - Last synced at: 3 days ago - Pushed at: 4 days ago - Stars: 51 - Forks: 5

Aashi2608/Natural-language-Processing
A Natural Language Processing (NLP) project that applies machine learning to detect fraud in vehicle insurance claims by analyzing textual data. Combines preprocessing, feature extraction, and classification models for intelligent claims analysis.
Size: 1.04 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

jhlopesalves/CorpusAid
Automated text preprocessing pipeline for large corpora. Features customizable filters for diacritics, stop words, punctuation, and regex.
Language: Python - Size: 1.33 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

jfilter/clean-text
๐งน Python package for text cleaning
Language: Python - Size: 157 KB - Last synced at: 7 days ago - Pushed at: almost 2 years ago - Stars: 975 - Forks: 79

ssciwr/mailcom
Recognize and pseudonymize named entities in emails
Language: Python - Size: 16 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 1 - Forks: 1

Ibraddah/SHL-Grammar-Scoring-Engine-for-Voice-Samples
This model predicts grammar scores (1โ5) from audio files. It uses Whisper to transcribe speech to text, cleans the text, and extracts features with TF-IDF. A Random Forest Regressor is trained to learn grammar score patterns. Evaluation via Pearson Correlation showed good results.
Language: Jupyter Notebook - Size: 34.2 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

xga0/DisasterTweetPrediction
Kaggle Competition: Real or Not? NLP with Disaster Tweets.
Language: Python - Size: 37.1 KB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

jbesomi/texthero
Text preprocessing, representation and visualization from zero to hero.
Language: Python - Size: 22.1 MB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 2,904 - Forks: 240

lanl/T-ELF
Tensor Extraction of Latent Features (T-ELF). Within T-ELF's arsenal are non-negative matrix and tensor factorization solutions, equipped with automatic model determination (also known as the estimation of latent factors - rank) for accurate data modeling. Our software suite encompasses cutting-edge data pre-processing and post-processing modules.
Language: Python - Size: 45.5 MB - Last synced at: 9 days ago - Pushed at: 19 days ago - Stars: 17 - Forks: 5

Willgnner-Santos/DPE-Legal-Doc-Classification-Pipeline
The results are drawn from experiments on the classification of legal documents using LLMs in a real-world institutional setting
Language: Jupyter Notebook - Size: 42 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

AniK4111/Netflix_Movies_And_TV_Shows_Clustering
Unsupervised Machine Learning project for Netflix Movies and TV Shows Clustering. The main goal of this project is to create a content-based recommender system that recommends top 10 shows to users based on their viewing history.
Size: 2.58 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

MoustafaMohamed01/web-summarizer-ai
A Python tool to scrape and summarize website content using AI. Built with Selenium, BeautifulSoup, and Google's Gemini AI, this project extracts the main text from any website and generates a concise summary in markdown format. Perfect for quickly understanding long articles, blogs, or news pages.
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

vedavyas0105/Financial-Sentiment-Distillation
This project leverages knowledge distillation to create a lightweight yet powerful sentiment analysis model, tailored specifically for financial news data. Using a teacher-student approach, the project distills knowledge from a large FinBERT model into a compact DistilBERT-based student model, balancing performance and efficiency.
Language: Jupyter Notebook - Size: 919 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

venkat-0706/Sentimental-Analysis
Build a model to classify text as positive, negative, or neutral. Apply NLP techniques for preprocessing and machine learning for classification. Aim for accurate sentiment prediction on various text formats.
Language: Jupyter Notebook - Size: 280 KB - Last synced at: 8 days ago - Pushed at: 8 months ago - Stars: 13 - Forks: 2

berknology/text-preprocessing
A python package for text preprocessing task in natural language processing.
Language: Python - Size: 40 KB - Last synced at: 19 days ago - Pushed at: over 2 years ago - Stars: 63 - Forks: 7

ArNAB-0053/Song-Identifier
It identifies songs and artists from lyric snippets using two distinct methods - simple NLP based approach and BM25(Best Match 25) approach.
Language: Jupyter Notebook - Size: 19.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

evanch98/natural-language-processing-python
Natural Language Processing
Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

pngo1997/N-gram-Language-Models
Builds N-gram language modes and applies text generation.
Language: Jupyter Notebook - Size: 4.73 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

SayamAlt/Financial-News-Sentiment-Analysis
Successfully developed a fine-tuned DistilBERT transformer model which can accurately predict the overall sentiment of a piece of financial news up to an accuracy of nearly 81.5%.
Language: Jupyter Notebook - Size: 745 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

swathisivaprabu/ML-Projects
This repository documents my journey in Machine Learning. Explored data preprocessing, feature engineering, and model training. Built models for classification, regression, and NLP tasks. Continuously learning and improving.
Language: Jupyter Notebook - Size: 166 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

SayamAlt/Fake-News-Classification-using-fine-tuned-BERT
Successfully developed a text classification model to predict whether a given news text is fake or not by fine-tuning a pretrained BERT transformed model imported from Hugging Face.
Language: Jupyter Notebook - Size: 18 MB - Last synced at: 16 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

AndyTheFactory/article-extraction-dataset
Article title, authors, date and body extraction dataset.
Language: HTML - Size: 31.9 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 6 - Forks: 1

pngo1997/Text-Processing-Tokenization
Simple text analysis and tokenization.
Language: Jupyter Notebook - Size: 185 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

pngo1997/Word-Embeddings-Co-occurrence-SVD-GloVe
Explores word embeddings.
Language: Jupyter Notebook - Size: 149 KB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

SayamAlt/Resume-Classification-using-fine-tuned-BERT
Successfully developed a resume classification model which can accurately classify the resume of any person into its corresponding job with a tremendously high accuracy of more than 99%.
Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 4

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.
Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: 13 days ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

vinayakdasgupta/anvay
anvay is is a Flask-based Bengali text processing and topic modeling tool that uses Latent Dirichlet Allocation (LDA) to extract topics from uploaded text files.
Language: HTML - Size: 3.86 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

gkalocsai/metatrans
Transpiler engine
Language: Java - Size: 958 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ezgisubasi/turkish-tweets-sentiment-analysis
This sentiment analysis project determines whether the tweets posted in the Turkish language on Twitter are positive or negative.
Language: Jupyter Notebook - Size: 1.96 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 60 - Forks: 14

SayamAlt/Mental-Health-Classification-using-fine-tuned-DistilBERT
Successfully established a multiclass text classification model by fine-tuning pretrained DistilBERT transformer model to classify several distinct types of mental health statuses such as anxiety, stress, personality disorder, etc. with an accuracy of 77%.
Language: Jupyter Notebook - Size: 2.07 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

DeepakMishra99/Natural_Language_Processing_Practice
Natural Language Processing
Language: Jupyter Notebook - Size: 354 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

SayamAlt/Luxury-Apparel-Product-Category-Classification-using-fine-tuned-DistilBERT
Successfully developed a multiclass text classification model by fine-tuning pretrained DistilBERT transformer model to classify various distinct types of luxury apparels into their respective categories i.e. pants, accessories, underwear, shoes, etc.
Language: Jupyter Notebook - Size: 3.7 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

mim-solutions/mim_nlp
A Python package with ready-to-use models for various NLP tasks and text preprocessing utilities. The implementation allows fine-tuning.
Language: Jupyter Notebook - Size: 413 KB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

erickmaiaa/nlp
Exploration of NLP concepts, including text preprocessing, language models, and practical applications like sentiment analysis, using tools like NLTK, spaCy, and transformers.
Language: Jupyter Notebook - Size: 156 KB - Last synced at: 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

gaaniruddha/FIT5196-A1
This repository contains assignments #1 that was completed as a part of "FIT5196 Data Wrangling", taught at Monash Uni in S2 2020.
Language: Jupyter Notebook - Size: 17.3 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Lipairui/textgo
Text preprocessing, representation, similarity calculation, text search and classification. Let's go and play with text!
Language: Python - Size: 532 KB - Last synced at: 10 days ago - Pushed at: about 3 years ago - Stars: 44 - Forks: 2

Ailln/proces
๐จ text preprocess.
Language: Python - Size: 42 KB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 5 - Forks: 0

adilrasheed139/AI-Powered-Resume-Screening-using-BERT
Successfully developed a resume classification model which can accurately classify the resume of any person into its corresponding job with a tremendously high accuracy of more than 99%.
Language: Jupyter Notebook - Size: 1.19 MB - Last synced at: 18 days ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

giocoal/reddit-tldr-summarizer-and-topic-modeling
Extreme Extractive Text Summarization and Topic Modeling (using LSA and LDA techniques) over Reddit Posts from TLDRHQ dataset.
Language: Python - Size: 52.5 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 1

omar-sherif9992/Dialect-LLM-Bachelor-Project
The aim of the Bachelor project is to innovate a new way for Arabic (Egyptian-Dialect) Sentiment Analysis , Forecasting and Topic Modeling using Machine Learning , Deep Learning and Transformers!
Language: Jupyter Notebook - Size: 16.6 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 7 - Forks: 0

lyeoni/prenlp
Preprocessing Library for Natural Language Processing
Language: Python - Size: 156 KB - Last synced at: 12 days ago - Pushed at: over 2 years ago - Stars: 161 - Forks: 12

MusfiqDehan/data-preprocessors
๐ ๏ธAn easy to use tool for Data Preprocessing specially for Text Preprocessing
Language: Python - Size: 193 KB - Last synced at: 6 days ago - Pushed at: 8 months ago - Stars: 2 - Forks: 1

Jesly-Joji/Spam-Ham-Classifier
Used Naive Bayes Algorithm, NLP Text Preprocessing Techniques
Language: Jupyter Notebook - Size: 961 KB - Last synced at: 15 days ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

umapornp/textprepro
๐ Everything Everyway All At Once Text Preprocessing for Natural Language Processing.
Language: Python - Size: 1.3 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

vishnun0027/Sentiment-Analysis
Here the several ways to perform sentiment analysis on text data, with varying degrees of complexity and accuracy
Language: Jupyter Notebook - Size: 40 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

kunalPisolkar24/IR_Lab
Collection of practical codes for Savitribai Phule Pune University's Information Retrieval Lab (410247) .
Language: Jupyter Notebook - Size: 125 KB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

Shubhamd1234/SMS_Spam_Detection_Model_Using_NLP
An NLP-based model designed to effectively identify and filter spam SMS messages. NLTK Library, Text Preprocessing, IF-IDF and more techniques used.
Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

catherinetweeks/text-preprocessing-articles
Preprocesses text from news articles.
Language: Python - Size: 5.86 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

SeyedShahab-A/Topic-Modeling
A project on applying Dirichlet Allocation (LDA) to uncover key topics influencing customer satisfaction and dissatisfaction
Language: R - Size: 2.93 KB - Last synced at: 5 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

AtheerAlzhrani/arabic_nlp
This repository contains projects focused on Arabic Natural Language Processing (NLP)
Language: Jupyter Notebook - Size: 433 KB - Last synced at: 28 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

franklinen/Potential-Talents
NLP-based pipeline for talent discovery
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

iamluirio/echo-chambers-news-aggregators
We propose different measures that can quantitatively and qualitatively study characterization of echo chambers in news media aggregators across different users.
Language: Jupyter Notebook - Size: 6.96 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

sebastianherman/bachelors
Bachelor's project
Language: Jupyter Notebook - Size: 17.3 MB - Last synced at: 8 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

mrqadeer/text_prettifier
Python library designed to clean and preprocess text data by removing unwanted elements such as HTML tags, URLs, numbers, special characters, emojis, contractions, and stopwords. It offers flexible functionality, including options to return text in lowercase and as a list of tokens.
Language: Python - Size: 13.7 KB - Last synced at: 29 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

mrqadeer/internet_words_remover
Python module designed to replace common internet slang and abbreviations with their full forms, enhancing the readability of informal text. It efficiently cleans text data from chats, social media, and online communication. The module also supports tokenization and integrates seamlessly with pandas for batch processing of text in DataFrames.
Language: Python - Size: 31.3 KB - Last synced at: 29 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

kayl26/TextRetrieval_SearchEngines
Assignments completed for CP423: Text Retrieval and Search Engines. Collaborated with Abigail Lee and Myisha Chaudhry
Language: Jupyter Notebook - Size: 9.93 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

mevlutayilmaz/text-summarization
text summarization in python
Language: Python - Size: 16.6 KB - Last synced at: 9 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

parthu34/Text-Processing-Application-Using-NLP-
Airline User Review Tweets โ A Sentiment Analysis
Language: Python - Size: 4.06 MB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

dbadeev/tweets
ะฆะตะปั ะฟัะพะตะบัะฐ - ะฐะฝะฐะปะธะท ัะพะฝะฐะปัะฝะพััะธ ัะฒะธัะพะฒ. ะะปั ัะพะพะฑัะตะฝะธะน ะฟะพะปัะทะพะฒะฐัะตะปะตะน ะธะท ัะตััะพะฒะพะณะพ ะฝะฐะฑะพัะฐ, ะฝะตะพะฑั ะพะดะธะผะพ ะฟัะตะดัะบะฐะทะฐัั ั ะผะฐะบัะธะผะฐะปัะฝะพ ะฒะพะทะผะพะถะฝัะผ ัะตะทัะปััะฐัะพะผ, ัะฒะปัะตััั ะปะธ ัะพะฝะฐะปัะฝะพััั ัะฒะธัะฐ ะฟะพะปะพะถะธัะตะปัะฝะพะน, ะพััะธัะฐัะตะปัะฝะพะน ะธะปะธ ะฝะตะนััะฐะปัะฝะพะน.
Language: Jupyter Notebook - Size: 3.64 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

SiddiquiZainab/Song-Lyrics-Generation-Model
A machine learning model for generating song lyrics using advanced neural network techniques. This model leverages Bi-directional LSTM to create coherent and creative lyrics in various styles.
Language: Jupyter Notebook - Size: 94.7 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Shanmukhi1920/Text_Classification
Developed an NLP system using Gradio and Hugging Face to classify disaster tweets with both machine learning (ML) and deep learning (DL) models.
Language: Jupyter Notebook - Size: 8.23 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Mohana-Murugan/NLP
NLP
Language: Jupyter Notebook - Size: 4.44 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Ankur3107/nlp_preprocessing
Text Preprocessing Package includes cleaning, tokenization, dataset preparation ...etc
Language: JavaScript - Size: 5.19 MB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 17 - Forks: 7

fwaskito/ta
Tugas akhir (final year project). This source code was used in the bachelor thesis โPublic Sentiment Analysis of Mental Disorder based on Twitter Texts using Support Vector Machineโ.
Language: Jupyter Notebook - Size: 4.92 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

minseok0809/text-line-converter
ํ ์คํธ ๋์๋ฌธ์ ๋ณํ, ํ ์ค ๋ณํ, ํน์ ๋ฌธ์ ์ ๊ฑฐ ํ๋ก๊ทธ๋จ
Language: TeX - Size: 89.9 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

mParthSaharanf/Comprehensive-Text-Extraction-and-Analysis-for-Article-Metrics
This project extracts and analyzes textual data from given URLs using BeautifulSoup and NLTK. It performs sentiment analysis, word complexity assessment, and calculates average word length, saving results in text and CSV formats.
Language: Python - Size: 38.3 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Isurie/Text-Classification-Module
Sinhala text extraction, preprocessing, and classification considering subject and domain.
Language: Jupyter Notebook - Size: 2.7 MB - Last synced at: 10 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 2

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.
Language: Jupyter Notebook - Size: 11.6 MB - Last synced at: 16 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

vlada-pv/Prediction-Sociolinguistic-Data-Based-on-the-Diaries-Texts-of-the-Prozhito-Project
The repository contains notebooks created for collecting and preprocessing the corpus of diary entries and for experiments on creating models for predicting gender, age groups of authors and the time period of text creation.
Language: Jupyter Notebook - Size: 2.06 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

p208p2002/wikitext-table-parser
A WikiText table parser written in Rust.
Language: Rust - Size: 98.6 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

AmruhaAhmed/OIBSIP
Language: Jupyter Notebook - Size: 42.5 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

SayamAlt/Cyberbullying-Classification-using-fine-tuned-DistilBERT
Successfully fine-tuned a pretrained DistilBERT transformer model that can classify social media text data into one of 4 cyberbullying labels i.e. ethnicity/race, gender/sexual, religion and not cyberbullying with a remarkable accuracy of 99%.
Language: Jupyter Notebook - Size: 7.24 MB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

bhattbhavesh91/clean-text-demo
Tutorial on Clean-Text which is a Python package for text cleaning
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

bilalhameed248/FAQ-Chat-Bot-Using-VertexAI
A generative AI-based FAQ Chat-Bot with a Flask Back-End, designed to operate within an organization's internal domain. - Jul 2023 - Oct 2023
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

jasoncobra3/Natural_Language_Processing
Natural Language Processing (NLP) is a captivating field at the intersection of computer science and linguistics. It enables machines to understand, interpret, and respond to human language in a way that is both meaningful and useful. From chatbots to sentiment analysis, NLP applications are transforming industries and enhancing user experiences.
Language: Jupyter Notebook - Size: 7.97 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

faraz-wq/Echostop
A plagiarism detection service
Size: 0 Bytes - Last synced at: 11 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

MS1034/document-classification-using-KNN
Documents classification using KNN Algorithm a graph based approach along with scrapped data
Language: Python - Size: 13.4 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

amirali-saj/Persian-News-Information-Retrieval-System
An Information retrieval system for Persian news with ranked retrieval of documents according to relevance to the query.
Language: Python - Size: 76.1 MB - Last synced at: 11 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

CSingh26/Project3-SentimentAnalysis
Sentiment Analysis using Machine Learning
Language: Python - Size: 769 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

HannahIgboke/Sentiment-Analysis-of-Real-time-Flipkart-Product-Reviews
Integration of a trained sentiment classification model into a Flask web app for real-time inference on product reviews from Flipkart store.
Language: Jupyter Notebook - Size: 3.43 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

pusztaipatrik/job-postings
Results of a Data analytics project at TH Wildau. Created with Orange data analytics tool, Data source: https://www.kaggle.com/datasets/PromptCloudHQ/us-jobs-on-monstercom
Size: 11.5 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

SayamAlt/English-to-Spanish-Language-Translation-using-Seq2Seq-and-Attention
Successfully established a Seq2Seq with attention model which can perform English to Spanish language translation up to an accuracy of almost 97%.
Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

SayamAlt/Symptoms-Disease-Text-Classification
Successfully developed a fine-tuned BERT transformer model which can accurately classify symptoms to their corresponding diseases upto an accuracy of 89%.
Language: Jupyter Notebook - Size: 860 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

shinho123/23.08-23.12-KOREA-BASIC-SCIENCE-INSTITUTE-
๊ธฐ๊ด ํ์ ๊ณต๋ ์ฐ๊ตฌ(23.08~12) - ํ๊ตญ๊ธฐ์ด๊ณผํ์ง์์ฐ๊ตฌ์(Korea Basic Science Institute)
Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

SayamAlt/Emotion-Detection-using-fine-tuned-BERT-Transformer
Successfully developed a fine-tuned BERT transformer model which can effectively perform emotion classification on any given piece of texts to identify a suitable human emotion based on semantic meaning of the text.
Language: Jupyter Notebook - Size: 971 KB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 1

Muhammad-Sheraz-ds/Natural-Language-Processing
This repository serves as a comprehensive resource for learning and implementing Natural Language Processing (NLP) techniques. The content is organized to provide an understanding of NLP challenges, real-world applications, and various approaches used to solve NLP use cases.
Language: Jupyter Notebook - Size: 93.6 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

LoyumM/Movie-recommendation
Recommend similar movies
Language: Jupyter Notebook - Size: 9.71 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Theofilusarifin/Sentiment-Analysis-on-2019-Indonesia-Election
This project aims to analyze the sentiment of tweets related to the 2019 Indonesia Election. Sentiment analysis plays a crucial role in understanding public opinion and attitudes towards political events, providing valuable insights for decision-making and public discourse.
Language: Jupyter Notebook - Size: 1.45 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

Theofilusarifin/Text-Classification-for-Craigslist-Posts
This project aims to classify Craigslist posts into different categories based on their heading. It utilizes machine learning models to predict the category of a given heading within a selected city and section.
Language: Jupyter Notebook - Size: 49.9 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

young-zonglin/text-preprocessing
Preprocess text and transfer them into format used by language model.
Language: Python - Size: 37.1 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

young-zonglin/people-daily-preprocessing
Language: Python - Size: 2.95 MB - Last synced at: about 1 year ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

splAcharya/Imdb_Reviews_Sentiment_Analysis
Sentiment Analysis of IMDB movie reviews using CLassical Machine Learning Algorithms, Ensemble of CLassical Machine Learning Algorithms and Deep Learning using Tensorflow Keras Framework.
Language: Jupyter Notebook - Size: 105 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 2

prashver/movie-recommendation-system
This recommendation system employs content-based filtering and NLP preprocessing to suggest similar movies based on user preferences and movie data. It fetches movie posters via APIs and is deployed on Streamlit for easy access.
Language: Jupyter Notebook - Size: 1.97 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 0

baddiejay/Movie-review-analyzer
Language: Python - Size: 318 KB - Last synced at: about 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

UmmeKulsumTumpa/NLP_Basic_Codes
This repository contains fundamental codes and examples for Natural Language Processing (NLP) tasks for beginners like me.
Language: Python - Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
