tfidf-vectorizer
There are 417 repositories under tfidf-vectorizer topic.
Mayurji/MLWithPytorch
Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch
zayedrais/DocumentSearchEngine
Document Search Engine project with TF-IDF abd Google universal sentence encoder model
soumyajit4419/AI_For_Social_Good
Using natural language processing to analyze the sentiments of people and detect suicidal ideation on online social content.
Sajid030/anime-recommendation-system
Personalized anime recommendations based on collaborative filtering. Discover your next favorite anime!
ksdkamesh99/Spam-Classifier
A Natural Language Processing with SMS Data to predict whether the SMS is Spam/Ham with various ML Algorithms like multinomial-naive-bayes,logistic regression,svm,decision trees to compare accuracy and using various data cleaning and processing techniques like PorterStemmer,CountVectorizer,TFIDF Vetorizer,WordnetLemmatizer. It is implemented using LSTM and Word Embeddings to gain accuracy of 97.84%.
Shubha23/Text-processing-NLP
This notebook contains entire text preprocessing pipeline for NLP problems. The ready-to-use functions require NLTK and SKlearn package installations. It also contains some prominent text classification models.
tamanna18/ML-NLP-DL
For learning Purposes
rjarman/Bus-Mama
The Bus-Mama is a bus tracking mobile application for the transportation of the students of BSMRSTU. It helps the students of our university by showing the available route, bus, and their exact location. This app includes real-time bus tracking which is going to solve a problem that university students have been facing for many years. Students are often seen missing their buses. Often they can't maintain the bus time. Since there are many buses in our university, students can easily catch a bus if they know where and when it will pass by. My goal is to track the buses and make hardware, mobile application, and machine learning solution to solve the issue. This way the students can get relief from missing the bus and use the buses efficiently. The main idea is to track the buses. GPS trackers will be attached to every bus that will give the current position of them and automatically sync on the server. The Bus-Mama mobile application will show every real-time position of those buses. This application will be installed on students' mobile phones and in this way the students can easily maintain their transportation. In this application, the current location of the bus can be seen through Google map. Every bus will have a specific marker on Google map and all the details about a specific bus will be shown by clicking on the marker. There will be seen about how far the bus is, from which direction it will come, how much time to reach the bus, how much time it will take if there is any traffic on road, etc. There is also a search option to know about any specific bus details. There is also a list of all buses with sufficient details that will help students to know about all the details. Every student will have an account through which they can access bus data. Another main objective is the Bus-Mama Chatbot in the Bengali language so that the students can communicate to know about the bus easily. For now, they can make conversation only about bus-related information. The Chatbot is not yet able to make conversation except bus-related questions. If anyone asks anything except bus-related questions, it cannot reply to the question rather it will give a tag to the question as a reply. As the Chatbot is created in the Bengali language, it has used the "trie" data structure in lemmatization. A library has been designed to lemmatize the Bengali words. Almost 63,205 Bengali words have been lemmatized by using the library to train the SVM machine learning model.
SauravPattnaikCS60/Weighted-Class-Tfidf
Weighted Class TFIDF technique to deal with imbalanced datasets
raj1603chdry/Fake-News-Detection-System
Fake News Detection System for detecting whether news is fake or not. The model is trained using "Liar, Liar Pants on Fire": A New Benchmark Dataset for Fake News Detection. Link for dataset: https://arxiv.org/abs/1705.00648.
Ankit152/IMDB-sentiment-analysis
Sentiment analysis of IMDB dataset.
VipinJain1/VIP-Machine-Learning-Exercises-and-Practices
VIP Machine Learning Exercises and Practices
Tejas-TA/Transformer-BERT-SMS-Spam-Detection
Spam SMS Detection Project implemented using NLP & Transformers. DistilBERT - a hugging face Transformer model for text classification is used to fine-tune to best suit data to achieve the best results. Multinomial Naive Bayes achieved an F1 score of 0.94, the model was deployed on the Flask server. Application deployed in Google Cloud Platform
pemagrg1/Magic-Of-TFIDF
TFIDF being the most basic and simple topic in NLP, there's alot that can be done using TFIDF only! So, in this repo, I'll be adding the blog, TFIDF basics, wonders done using tfidf etc.
sasivatsal7122/Go_Screen-CineMatrix-ML-MODEL
This repo contains a machine learning model made using advanced and enhanced algos like KNN,SVD and also concepts like vectorization ,cosine similarity which predicts the similar movies for a given fav movie of user. So no more time wasting on searching for a good of you're choice
ryukaizen/marai
Conversational AI designed specifically for the Marathi language using Rasa.
VuBacktracking/Deep-Neural-Network-Vietnamese-Student-Feedback-Sentiment-Analysis
Vietnamese Student Feedback Sentiment Analysis
abhishtagatya/text2meme
🖼️ Text2Meme is a Meme Classification Experiment based on Caption Text (Implemented as a Discord Bot)
faizann24/Authorship-Attribution
Authorship Attribution with Machine Learning
ozlemekici/detecting_fake_news
TfidfVectorizer & PassiveAggressiveClassifier
sherincheah/amz-ecom-recommender
E-Commerce Recommendation System
Vishwa22/Multi-Label-Text-Classification
A text can be assigned more than one label
adarshpalaskar1/Movie-Recommender-System
Recommendation system built using multiple ML models that aim to predict users' interests based on their past behavior and preferences.
chiraag-kakar/FUND
An NLP model to detect fake news and accurately classify a piece of news as REAL or FAKE trained on dataset provided by Kaggle.
ksopyla/scikit-learn-tutorial
Scikit-learn tutorial for beginniers. How to perform classification, regression. How to measure machine learning model performacne acuuracy, presiccion, recall, ROC.
Nikoletos-K/Entity-resolution-SIGMOD-2020
📷🎥 Entity resolution system for SIGMOD 2020 programming contest
sidharth178/Natural-Language-Processing-Tutorial
This repo contains code files of all the important topics of NLP.
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.
alexaapo/Feed-Forward-Neural-Network
Feed Forward Neural Network for Twitter Sentiment Analysis Dataset
Denis-Mukhanov/english-score
Practicum Workshop
engares/KNN-Based-Telegram-Chatbot-hosted-in-ESP32
A lightweight, customizable chatbot for Telegram running on an ESP32 microcontroller. It's optimized for low-resource environments and embedded systems projects.
puskal-khadka/MovieRecommendationSystem
Content-based movie recommendation engine
Rishabbh-Sahu/information_retrieval
Given a document, identifying the closest documents within the list of documents using tf-idf matrix and cosine similarity
Saket046/course-recommender
This is a recommendation engine that recommends 10 courses related to course you search.
Al-Hasib/NoCodeTextClassifier
A Python package for automatically training, evaluation, inference of Text Classification task with Low code/No Code