GitHub topics: text-preprocessing
Rishabbh-Sahu/text_preprocessing_docker_implementation
Simple approach to fetch certain info from the text, provided to it and integration with the docker.
Language: Python - Size: 53.7 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jeongukjae/python-mecab 📦
A repository to bind mecab for Python 3.5+. Not using swig nor pybind. (Not Maintained Now)
Language: C++ - Size: 1.29 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 28 - Forks: 7

VivekChoudhary77/Textify-text-Preprocessing
A text preprocessing web application
Language: HTML - Size: 1.03 MB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 8 - Forks: 0

Ayfred/MissionR-D
Language: Jupyter Notebook - Size: 2.93 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

LeeTaylorLondon/Dissertation
My Undergraduate dissertation project.
Language: Jupyter Notebook - Size: 170 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

anangkur/hoax-news-detection-using-tfidf
this repository is the results of final project research to complete my education at Telkom University
Language: Java - Size: 19.9 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

KashifMoin1410/AmazonFoodReview
This ML binary classification model uses text handling techniques like stemming, lemmatisation, and stop word removal to classify reviews as positive or negative.
Language: Jupyter Notebook - Size: 86.9 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

imane-ayouni/News-feed-classification-using-LSTM
a stacked LSTM to categorize textual news feeds
Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

SayamAlt/News-Category-Classification
Successfully developed a news category classification model using fine-tuned BERT which can accurately classify any news text into its respective category i.e. Politics, Business, Technology and Entertainment.
Language: Jupyter Notebook - Size: 3.69 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

SayamAlt/Language-Detection-using-fine-tuned-XLM-Roberta-Base-Transformer-Model
Successfully developed a language detection transformer model that can accurately recognize the language in which any given text is written.
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 20 days ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 4

emrejilta/nlp-text-preprocessing
Text Preprocessing with NLTK and spaCy
Language: Jupyter Notebook - Size: 373 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

linetonthat/app_reviews_analysis
[NLP] Analysis of reviews from mobile apps related to air quality
Language: Jupyter Notebook - Size: 2.13 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Farshad-Hasanpour/TextFeature
transforms unstructured text to feature vector using word2vec, lexicon and ...
Language: Python - Size: 33.2 KB - Last synced at: 26 days ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

bademiya21/Topic-Modeling-with-Automated-Determination-of-the-Number-of-Topics
My version of topic modelling using Latent Dirichlet Allocation (LDA) which finds the best number of topics for a set of documents using ldatuning package which comes with different metrics
Language: R - Size: 272 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 0

ashwin4glory/Quora-Question-Pair-Similarity
We have to build a machine learning model to predict whether two questions asked on quora are similar or not . So that the similar questions asked may have the same answers which have been given earlier for the previously asked similar question.
Language: Jupyter Notebook - Size: 5.34 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

VipinJain1/VIP-Machine-Learning-Exercises-and-Practices
VIP Machine Learning Exercises and Practices
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 10 - Forks: 6

vaitybharati/Assignment-11-Text-Mining-02-Amazon-Product-Reviews
NLP: Sentiment Analysis or Emotion Mining on Amazon Product Reviews - Part-1. Let’s learn the NLP techniques to perform Sentiment Analysis or Emotion Mining on extracted Product Reviews from Amazon. Part-1 covers Text preprocessing and Feature extraction, the next part covers Sentiment Analysis or Emotion Mining on text corpus. https://medium.com/@vaitybharati/nlp-sentiment-analysis-or-emotion-mining-on-amazon-product-reviews-part-1-428d43112027
Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 2

vaitybharati/Assignment-11-Text-Mining-01-Elon-Musk
Assignment-11-Text-Mining-01-Elon-Musk, Perform sentimental analysis on the Elon-musk tweets (Exlon-musk.csv), Text Preprocessing: remove both the leading and the trailing characters, removes empty strings, because they are considered in Python as False, Joining the list into one string/text, Remove Twitter username handles from a given twitter text. (Removes @usernames), Again Joining the list into one string/text, Remove Punctuation, Remove https or url within text, Converting into Text Tokens, Tokenization, Remove Stopwords, Normalize the data, Stemming (Optional), Lemmatization, Feature Extraction, Using BoW CountVectorizer, CountVectorizer with N-grams (Bigrams & Trigrams), TF-IDF Vectorizer, Generate Word Cloud, Named Entity Recognition (NER), Emotion Mining - Sentiment Analysis.
Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 3

SonalSavaliya/Fake-News-Real-News-classification
Built MultinomialNB, Logistic Regression, Random Forests and LSTM with the TF-IDF vectorizer for fake and real news classification. Also performed K-means unsupervised algorithm with PCA and t-SNE.
Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

SarangGami/Topic-modeling-on-News-Articles-Unsupervised-Learning
In this project, task involves analyzing the content of the articles to extract key concepts and themes that are discussed across the articles to identify major themes/topics across a collection of BBC news articles.
Language: Jupyter Notebook - Size: 7.26 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

saahilbhatia/text-preprocessing-resumes
Text preprocessing a set of resumes
Language: Jupyter Notebook - Size: 1.93 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

SayamAlt/E-Commerce-Text-Classification
Successfully established a machine learning model that can accurately classify an e-commerce product into one of four categories, namely "Books", "Clothing & Accessories", "Household" and "Electronics", based on the product's description.
Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Arbazkhan-cs/Movies-Recommend-System
Our innovative platform takes the guesswork out of choosing your next movie by offering personalized recommendations based on similar films you love.❤️
Language: Jupyter Notebook - Size: 9.58 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

aqaqsubin/Article-Summarizer
Generate an Abstractive summary of Article.
Language: Jupyter Notebook - Size: 874 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

SpydazWebAI-NLP/Basic_Tokenizer2023
The Tokenizer is a versatile text processing library written in Visual Basic (VB.NET). It provides functionalities for tokenizing text into words, sentences, characters, and n-grams. The library is designed to be flexible, customizable, and easy to integrate into your VB.NET projects.
Language: Visual Basic .NET - Size: 1.06 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

minseok0809/korean-sentence-segementation
AIHub 한국어 데이터 전처리: 한국어 문장 분리
Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

leonshting/text_preprocessing_toolbox
Special purpose text filtering procedures
Language: Jupyter Notebook - Size: 442 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 0

nainiayoub/demystifying-nlp
demistifying nlp with a series of nlp implementation notebooks.
Language: Jupyter Notebook - Size: 4.49 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

GyanPrakashkushwaha/MobileRecommenderSystem
Mobile Recommendation System (Recommendation using cosine-similarity)
Language: Jupyter Notebook - Size: 89.5 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

SayamAlt/Abstractive-Text-Summarization-of-News-Articles
Successfully developed an encoder-decoder based sequence to sequence (Seq2Seq) model which can summarize the entire text of an Indian news summary into a short paragraph with limited number of words.
Language: Jupyter Notebook - Size: 4.83 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

ArpitaShrivas001/Sentiment-Analysis
Text pre processing and sentiment analysis on AIR BNB customer feedback dataset.
Language: Python - Size: 18.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

prathmesh444/WhatsApp-Chat-Analyzer
This webapp uses text preprocessing and Exploratory data analysis to present interesting insights and patterns of relationship between 2 or more individuals. Currently this website only handles english and hinglish text.
Language: Python - Size: 333 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

csebuetnlp/normalizer
This python module is an easy-to-use port of the text normalization used in the paper "Not low-resource anymore: Aligner ensembling, batch filtering, and new datasets for Bengali-English machine translation". It is intended to be used for normalizing / cleaning Bengali and English text.
Language: Python - Size: 15.6 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 28 - Forks: 5

BetikuOluwatobi/clustering_analysis_on_spotify_million_songs
A clustering analysis on the Spotify Million Dataset with KMeans algorithm
Language: Jupyter Notebook - Size: 22.6 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

keyber/TAL
Implémentation d'algorithmes de Traitement Automatique du Langage
Language: Python - Size: 26.2 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

chlaudiah/Sentiment-Classification-FD-Reviews
Text Classification for Sentiment Analysis using Female Daily's Reviews Dataset
Language: Jupyter Notebook - Size: 470 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 4

YashSDholam/Tripadvisor-Hotel-Review-Sentiment-Analysis-using-LSTM-Neural-Network
In this project, I utilized the TripAdvisor Hotel Review dataset from Kaggle to perform sentiment analysis on hotel reviews. The main objective was to build a predictive model using LSTM (Long Short-Term Memory) neural networks to classify hotel reviews as positive or negative based on their textual content.
Language: Jupyter Notebook - Size: 6.48 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ksnugroho/basic-text-preprocessing
Basic text preprocessing for Bahasa with Python.
Language: Jupyter Notebook - Size: 14.6 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 34 - Forks: 10

yarrap/Natural_Language_Processing
Language: Jupyter Notebook - Size: 481 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

SayamAlt/SMS-Spam-Classification-using-fine-tuned-RoBERTa-Base-Transformer
Successfully developed a fine-tuned RoBERTa transformer model which can almost perfectly classify whether any given SMS is spam or not.
Language: Jupyter Notebook - Size: 822 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

amirezzati/Reviews-Sentiment-Analysis
Sentiment Analysis for Reviews
Language: Jupyter Notebook - Size: 441 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

ku-nlp/text-cleaning
A powerful text cleaner for Japanese web texts
Language: Python - Size: 56.6 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 2

Emeierkeio/harrypotter-textmining
🪄⚡️ Documentation, data and code used to do Text Processing, Text Representation, Topic Modeling and Text Summarization for 2022/23 Text Mining project @ University of Milano-Bicocca
Language: Jupyter Notebook - Size: 2.86 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

olga1590/NLP_projects
NLP with Python
Language: Jupyter Notebook - Size: 8.45 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

putuwaw/text-preprocessing
Text Preprocessing in Python
Language: Python - Size: 18.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

MD-Ryhan/NLP-Preprocesing
This repository contains code for preprocessing natural language data for use in NLP applications.
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

imeghri-sami/vse
A search engine that helps you to perform a search inside a video
Language: Python - Size: 41.5 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

shanuhalli/Assignment-Text-Mining
Perform sentimental analysis on the Elon-musk tweets and Extract reviews of any product from ecommerce website like amazon, Perform emotion mining.
Language: Jupyter Notebook - Size: 2.06 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

anshul1004/InformationRetrieval
Performs tokenization, stemming, lemmatization, index creation, index compression and ranked retrieval of Cranfield documents
Language: Python - Size: 1.99 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 1

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

rohitgarud/NLP-data-preprocessing
An archive of data (text) preprocessing tools for NLP
Language: Jupyter Notebook - Size: 919 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

hello-abyannaufal/Sentiment-Analysis-ID
Sentiment Analysis for Indonesian Language with probability 2 output, Bullying or Non-Bullying.
Language: Jupyter Notebook - Size: 161 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

NatLee/On-the-Role-of-Text-Preprocessing-in-Neural-Network-Architectures-For-IMDB 📦
Unofficial code with the paper "On the Role of Text Preprocessing in Neural Network Architectures" for IMDb dataset.
Language: Python - Size: 23.9 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 0

jangedoo/jange
Easy NLP in Python
Language: Python - Size: 2.06 MB - Last synced at: 13 days ago - Pushed at: over 3 years ago - Stars: 17 - Forks: 4

wisesight/newspaper Fork of codelucas/newspaper 📦
News, full-text, and article metadata extraction in Python 3. Advanced docs:
Language: Python - Size: 17.4 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

carrliitos/NLPInformationExtraction 📦
My 2020 project focusing on NLP - Information Extraction
Language: Python - Size: 115 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 1

xushengj/PrepPipe 📦
Text data processing utility (PREProcessor PIPEline), written in C++ using Qt
Language: C++ - Size: 555 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

pri1311/TweeToxicity
TweeToxicity is a program that analyzes user profiles or hashtags based on recent tweets. The program utilizes machine learning to give Twitter users an appropriate score according to their tweets or retweets. This program is meant for educational purposes and no ill intetions existed prior to creating this program.
Language: Jupyter Notebook - Size: 36.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

NehalGund/Product-Recommendation-System
Recommending similar product based on text features.
Language: Jupyter Notebook - Size: 6.44 MB - Last synced at: 21 days ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

vaibhavhaswani/GoText
GoText is a universal text extraction and preprocessing tool for python which supportss wide variety of document formats.
Language: Python - Size: 66.4 KB - Last synced at: 9 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

AbeerAbuZayed/Hate-Speech-Detection_OSACT4-Workshop
Quick and Simple Approach for Detecting Hate Speech in Arabic Tweets.
Language: Jupyter Notebook - Size: 855 KB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 6 - Forks: 5

Abhishekmamidi123/100DaysOfMLCode
Learning Machine Learning and showcasing my work for 100 Days.
Language: Jupyter Notebook - Size: 2.81 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 16 - Forks: 6

alaradirik/TR-NLP-workshop
2020 Açık Seminer - Turkish NLP workshop
Language: Jupyter Notebook - Size: 8.43 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 12 - Forks: 3

byam/mnlp
MNLP: Mongolian Natural Language Processing.
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 7 months ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 4

SayamAlt/Quora-Duplicate-Question-Pairs-Identification
Successfully developed a machine learning model which can accurately detect whether any given pair of Quora questions are duplicate or not.
Language: Jupyter Notebook - Size: 1.88 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

SayamAlt/English-to-German-Translation-using-Seq2Seq
Successfully established a neural machine translation model using sequence to sequence modeling which can successfully translate English sentences to their corresponding German translations.
Language: Jupyter Notebook - Size: 626 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

schatzederwelt/toxic_comments_detection
Автоматическое выявление токсичных комментариев
Language: Jupyter Notebook - Size: 1.86 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

BragdonD/Naive-Bayes-Ngram-text-classifier-NLP
Basic Naive Bayes classifier for text classification using ngram
Language: Jupyter Notebook - Size: 36 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Salma-AZIZ/NLP_First_Steps_Python
Natural Language Processing First Steps with Python
Language: Jupyter Notebook - Size: 60.5 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

adhilcodes/Annvi-classifier
Malayalam Gender Classifier - Using Machine Learning to Predict Gender of Individuals using their name
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 3

Bonniface/Text-CLeaning-And-Classification
Text classification is a widely used natural language processing task in different business problems. Given a statement or document, the task involves assigning to it an appropriate category from a pre-defined set of categories. The dataset of choice determines the set of categories. Text classification has applications in emotion classification, n
Language: Jupyter Notebook - Size: 8.34 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

behzadshomali/Data-mining-project
This repository contains our joint work (Mohammad Mohammadzadeh and I) in the context of the "Introduction to Data Mining" course (held at FUM) projects.
Language: Jupyter Notebook - Size: 7.59 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

KelvinLam05/sentiment_analysis
Sentiment classification of shoppers' reviews using machine learning techniques.
Language: Jupyter Notebook - Size: 3.86 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

arienugroho050396/Spam-Comment-Detection
Classify a comment is spam or not using python
Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

prince-makwana/Autotagging-of-Question-and-Answers-of-Stackoverflow-Questions
This is a multi label text classification problem. The task is to extract keywords from Stack overflow question and answers, i.e., the problem of auto-tagging of question and answers.
Language: Jupyter Notebook - Size: 946 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

Andrews2017/kkltk
The Kinyarwanda and Kirundi Languages Toolkit (KKLTK) is a Python package for Kinyarwanda and Kirundi languages processing. KKLTK currently provides the sets of stopwords for both languages and other preprocessing tools such as Kinyarwanda and Kirundi tokenizers will be added soon. KKLTK requires Python 3.0, 3.5, 3.6, 3.7, or 3.8.
Language: Python - Size: 25.4 KB - Last synced at: 3 days ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2

dvd125/Sentiment-Analysis-and-Text-Classification-of-drug-reviews
Language: Jupyter Notebook - Size: 1.88 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

michailidisa/sentiment-analysis-on-hotel-reviews
Classification of hotel reviews on positive and negative class by using sentiment analysis
Size: 1.82 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

michailidisa/Twitter-sentiment-analysis
Twitter Sentiment Analysis of NBA Players
Language: Jupyter Notebook - Size: 553 KB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

prnan4/BERT_text_classification
Our submission to OffensEval 2020 to classify offensive language in social media tweets, where we ranked #15.
Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 1

kelvinlim3/Twitter-Rumour-Detection
BERT model that classifies the source tweet of a Twitter thread as a rumour or non-rumour.
Language: Jupyter Notebook - Size: 27.9 MB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

FardinHash/BERT--Text-Preprocessing
Language: Jupyter Notebook - Size: 1.5 MB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

SayamAlt/Text-Similarity-Quantifier
Successfully developed a machine learning model for computing the similarity score between two text paragraphs taken as input from a webpage.
Language: Jupyter Notebook - Size: 8.04 MB - Last synced at: 2 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 1

nurfawaiq/nlp-text-preprocessing
Natural Language Processing - Text Preprocessing
Language: Jupyter Notebook - Size: 46.9 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

paul-pias/Text-Preprocessing-in-Bangla-and-English
Language: Python - Size: 29.3 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 4

itissandeep98/StackOverFlow-Tag-Predictor
develop a predictor that predicts tags for given questions using machine learning models like Naive Bayes, Logistic Regression, Decision Trees and SVM
Language: Jupyter Notebook - Size: 24.5 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

bhargav-joshi/NLP-Practicals
Natural Language Processing Practicals on different concepts to analyze and understand the practical implementation their use and actual use.
Language: Jupyter Notebook - Size: 92.8 KB - Last synced at: 13 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

SayamAlt/Detection-of-Disaster-from-Tweets
Successfully established a machine learning model for detecting whether a given tweet is about a real disaster or not.
Language: Jupyter Notebook - Size: 2.01 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

exemuel/preprocessing-crf-ner
Implementation of text preprocessing impact analysis on named entity recognition (NER) based on conditional random field (CRF) in Indonesian text.
Language: Python - Size: 58.6 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

LeventSoykan/Movie_Recommendation_Using_NMF
Project to recommend movies using non-negative matrix factorization
Language: Jupyter Notebook - Size: 31.7 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

kaispace30098/Product-Daily-Keywords
Generate a word cloud for a product from daily relatedd tweets
Language: Jupyter Notebook - Size: 249 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

praneetmehta/reSEARCH
Vector Space based Search Engine for Arxiv Research Publications
Language: Python - Size: 43.4 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 6 - Forks: 2

Abrar2652/Unintended-Bias-Toxicity-Detection-Project
This is the second project to be completed in Upskill ISA Intelligent Machines. The project was done after the end of the competition. The ensemble of BERT, GPT2, XLNet was used in this model that obtained 0.94656 private scores on Kaggle.
Language: Jupyter Notebook - Size: 49.8 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

khuyentran1401/Extract-text-from-article
Language: Jupyter Notebook - Size: 82 KB - Last synced at: 8 days ago - Pushed at: about 5 years ago - Stars: 6 - Forks: 0

AntonisKl/UN-General-Debate-Corpus-classification
The aim of this project is to classify UNGDC speeches with regards to climate change. As a secondary objective, a correlation is being examined between these speeches, the forestation and the happiness index of the countries.
Language: Jupyter Notebook - Size: 954 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

krisograbek/text-preprocessing
Text preprocessing in Python. Libs include string, re, nltk, spacy, gensim, textblob, unidecode, autocorrect, pyspellchecker
Language: Jupyter Notebook - Size: 81.1 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

copev313/Chatbot-Using-Deep-Learning
We build a chatbot by implementing machine learning and natural language processing.
Language: Jupyter Notebook - Size: 368 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

masiiie/web-crawler
Python implementation of a web crawler that, from a set of seed urls, retrieves the most similar pages.
Language: Python - Size: 19.5 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

hariprasath-v/MachineHack-sentiment_analysis_weekend_hackathon_edition_2
Sentiment classification of reviews/tweets
Language: Jupyter Notebook - Size: 396 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

somjit101/NLP-CaseStudy-Amazon-Fine-Foods-Review
Efficient Sentencing Encoding and Vectorization techniques with customer reviews on a product page of the popular E-Commerce website, Amazon using proven NLP techniques for the purpose of sentiment analysis.
Language: Jupyter Notebook - Size: 56.6 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0
