GitHub topics: decision-tree-classifier
dpb24/fake-news-detector
📰 NLP: Fake News Detection using Classical Machine Learning
Language: Jupyter Notebook - Size: 2 MB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0
prathamesh693/02_Customer-Churn-Prediction-in-Telecom-Industry
🔍 Predict customer churn in the telecom industry using machine learning models like Decision Tree, XGBoost, and SVM. Includes data preprocessing, model training, evaluation, and a Streamlit app for interactive predictions.
Language: Jupyter Notebook - Size: 7.98 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0
vyasdeepti/User-Purchase-Decision-using-Decision-Tree
This notebook demonstrates a complete machine learning workflow using a Decision Tree Classifier to predict user purchase decisions based on social network advertisements. The project illustrates each stage of the pipeline: data import, preprocessing, exploratory data analysis, model training, evaluation, and practical interpretation of the results
Language: Jupyter Notebook - Size: 420 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
kamlesh0928/machine-learning
This repository contains machine learning algorithms implemented from scratch and using scikit-learn, covering classification, regression, and clustering. Each algorithm is well-documented, with clear code and explanations. To use K-Medoids, install sklearn_extra via pip install scikit-learn-extra. Contributions are welcome!
Language: Python - Size: 199 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
KeneanDita/Churnomally
Where churn meets anomaly. Churnomaly is not just a churn predictor, it's an early warning system for customer escape velocity. Blending classic churn modeling with outlier-hunting intuition, Churnomaly dives deep into behavioral signals to uncover the subtle shifts that precede goodbye. Think of it as a radar for retention.
Language: Jupyter Notebook - Size: 332 KB - Last synced at: 5 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
jeenakarmi/Riskify
A smart loan risk analyser with machine learning and a user-friendly UI to classify applicants as Risky or Non-Risky.
Language: Jupyter Notebook - Size: 56 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Suji04/ML_from_Scratch
Implementation of basic ML algorithms from scratch in python...
Language: Jupyter Notebook - Size: 540 KB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 300 - Forks: 231
MicolZazzarini/MeteoCore Fork of lucabellantee/MeteoCore
A complete and autonomous embedded system for atmospheric data collection and rain prediction, powered by Zephyr RTOS and an onboard Machine Learning model running on the STM32-F446RE microcontroller.
Language: C - Size: 20.2 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
lucabellantee/MeteoCore
A complete and autonomous embedded system for atmospheric data collection and rain prediction, powered by Zephyr RTOS and an onboard Machine Learning model running on the STM32-F446RE microcontroller.
Language: C - Size: 20.2 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 1
kapilsinghnegi/Fake-News-Detection
This project detects whether a news is fake or not using machine learning.
Language: Jupyter Notebook - Size: 42.9 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 65 - Forks: 42
VigneshKanna18/detecting-creditcard-fraud
ML model for detecting credit card fraud, with a focus on effectively reducing transaction risk.
Language: Jupyter Notebook - Size: 24.6 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
phonghust55/Card-fraud-detection
Language: Python - Size: 2.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
akhil-b-26/crop-fertilizer-recommendation-ml
An advanced machine learning-based system that analyzes soil attributes, weather conditions, and historical data to provide precise crop and fertilizer recommendations for farmers. This project aims to optimize crop selection, improve agricultural productivity, and promote sustainable farming practices.
Language: Jupyter Notebook - Size: 2.22 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
itachi9604/healthcare-chatbot
a chatbot based on sklearn where you can give a symptom and it will ask you questions and will tell you the details and give some advice.
Language: Python - Size: 64.5 KB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 247 - Forks: 160
SHASHANK123-code/heart-disease-prediction
ML model to predict cardiovascular disease
Size: 445 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
mahnoorsheikh16/NLP-Approach-to-AI-Text-Classification Fork of andrew-jxhn/STT811_StatsProject
A text‐classification pipeline for identifying human‐ versus AI-generated responses using engineered linguistic/semantic features and PCA-reduced vectors; achieves ~85% accuracy with Logistic Regression, SVM, and MLP, and includes a fine-tuned bert-base-uncased model.
Language: Jupyter Notebook - Size: 40.5 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0
raghavendranhp/Industrial_copper_modelling
Industrial Copper Modeling optimizes pricing decisions using advanced ML. Predict sales with accuracy, classify leads, and streamline decision-making.
Language: Jupyter Notebook - Size: 25.8 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
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%.
Language: Jupyter Notebook - Size: 510 KB - Last synced at: 6 months ago - Pushed at: almost 5 years ago - Stars: 16 - Forks: 11
KellybLieu/UC_Berkeley_Module17_ComparingClassifiers
Practical Application 3. Assignment 17.1. Goal is to compare the performance of the classifiers, K Nearest Neighbor, Logistic Regression, Decision Trees, and Support Vector Machines utilizing a dataset related to marketing bank products over the telephone.
Language: Jupyter Notebook - Size: 578 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
anamolkhadka/decision-tree-rf-adaboost-titanic
Decision Trees, Random Forests, and AdaBoost implemented from scratch for Titanic survival prediction
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
Dalbee/Decision-trees-for-Scandinavian-Cuisines-Prediction
Machine Learning on IBM Skills Network Labs. A place for you to practice the data science, machine learning, and AI skills you’re learning in your online courses. You have access to JupyterLab, Zeppelin, and RStudio preinstalled with Apache Spark and the necessary packages to learn new skills in Python, R, and Scala.
Language: Jupyter Notebook - Size: 3.17 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
kimaya012/Fake-News-Detection
This project detects whether a news is fake or not using machine learning.
Language: Python - Size: 121 KB - Last synced at: 27 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
KasiMuthuveerappan/CAB-Ensemble-Learning-CHURN-Prediction
📘 This repository predicts OLA driver churn using ensemble methods—Bagging (Random Forest) and Boosting (XGBoost)—with KNN imputation and SMOTE. It reveals city-wise churn trends and key performance drivers, powering smarter, data-backed retention strategies for the ride-hailing industry.
Language: Jupyter Notebook - Size: 23.8 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
turgunbaevaa/machineLearningProject
A complete ML project that explores feature engineering, model training (Decision Tree, Random Forest, Gradient Boosting), and model interpretation using SHAP and LIME.
Language: Jupyter Notebook - Size: 4.54 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
rc-tests/ML
My First Machine Learning Model
Language: Python - Size: 0 Bytes - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
Pavan5698/Decision_Treee
Decision Tree Classifier | Jupyter Notebook | Supervised Learning | Machine Learning | Python | Scikit library
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
Machine-Learning-Related-Projects/Real-Fake-Job-Post
Real-Fake-Job-Post
Language: Jupyter Notebook - Size: 3.84 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
pavankethavath/Microsoft-Classifying-Cybersecurity-Incidents-with-ML
A machine learning pipeline for classifying cybersecurity incidents as True Positive(TP), Benign Positive(BP), or False Positive(FP) using the Microsoft GUIDE dataset. Features advanced preprocessing, XGBoost optimization, SMOTE, SHAP analysis, and deployment-ready models. Tools: Python, scikit-learn, XGBoost, LightGBM, SHAP and imbalanced-learn
Language: Jupyter Notebook - Size: 4.54 MB - Last synced at: 6 months ago - Pushed at: 12 months ago - Stars: 4 - Forks: 0
StarlangSoftware/Classification-Cy
Machine learning library for classification tasks
Language: Cython - Size: 1.42 MB - Last synced at: 23 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
SHAIK-AFSANA/diabetespredictor
Built using Machine Learning models and deployed via MySQL and Streamlite, this diabetes predictor offers a comprehensive web platform for user authentication, data storage, and interactive access to diabetes-related information. This diabetes predictor aims to enhance early intervention, reducing diabetes-related complications.
Language: Jupyter Notebook - Size: 8.16 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
maheshvarade/Poland-Bankruptcy-Prediction
Poland Bankruptcy Prediction (2009) This project aims to predict whether a Polish company went bankrupt in 2009 based on its financial data. The dataset contains several features derived from companies' balance sheets, and the goal is to build models that can identify bankruptcy effectively — despite the challenge of high class imbalance.
Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
nasim-raj-laskar/HeatWave-EWS
A real-time IoT-based heatwave detection system using ESP32, DHT11, and a Django-powered web interface for monitoring and analysis.
Language: Jupyter Notebook - Size: 1.59 MB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
AhmedNasef3/Heart-Attack-Analysis-Prediction-ML-Model-With-Django
Website with django to predict using ML model if the person at low or high risk for Heart Attack
Language: Jupyter Notebook - Size: 619 KB - Last synced at: about 1 month ago - Pushed at: 12 months ago - Stars: 2 - Forks: 0
havelhakimi/BankMarketing
Perform anomaly detection on Bank Marketing dataset
Language: Jupyter Notebook - Size: 3.75 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 4 - Forks: 0
somjit101/Human-Activity-Recognition
This project is to build a model that predicts the human activities such as Walking, Walking Upstairs, Walking Downstairs, Sitting, Standing or Laying using readings from the sensors on a smartphone carried by the user.
Language: Jupyter Notebook - Size: 58.2 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
Mutsinz1/Churn_Prediction_Project
This project focuses on predicting customer churn using machine learning algorithms. By analyzing historical customer data, the model aims to identify patterns that indicate a customer is likely to stop using a service, enabling businesses to take proactive measures to retain valuable customers.
Language: Jupyter Notebook - Size: 2.03 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
somjit101/Facebook-Friend-Recommendation
This is a friend recommendation systems which are used on social media platforms (e.g. Facebook, Instagram, Twitter) to suggest friends/new connections based on common interests, workplace, common friends etc. using Graph Mining techniques. Here, we are given a social graph, i.e. a graph structure where nodes are individuals on social media platforms and a directed edges (or 'links') indicates that one person 'follows' the other, or are 'friends' on social media. Now, the task is to predict newer edges to be offered as 'friend suggestions'.
Language: Jupyter Notebook - Size: 770 KB - Last synced at: 7 months ago - Pushed at: almost 2 years ago - Stars: 10 - Forks: 3
d47kumar/Biodiversity-Challenge
The objective of this data challenge is to predict the presence, or non-presence, of frog species at given locations in southeastern Australia.
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
sushant1827/Machine-Learning-for-Predictive-Maintenance
Demonstrate the application of machine learning on a real-world predictive maintenance dataset, using measurements from actual industrial equipment.
Language: Jupyter Notebook - Size: 1.67 MB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 3 - Forks: 0
sAwAiRa-iQbal/ML-Project_Brain-Tumor-Classification-on-Images
🧠 Brain Tumor Prediction: Harnessing ML algorithms like Random Forest 🌲, SVM 🔍, and more to predict tumors from MRI scans effectively. Dive into data-driven insights and cutting-edge diagnostics! 🚀
Language: Jupyter Notebook - Size: 619 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
sAwAiRa-iQbal/Titanic-Survival-Prediction-Project
🚢 Discover Titanic insights through advanced visualizations and ML algorithms! 📊 Unveil patterns and predict survival to transform maritime safety. 🌊
Language: Jupyter Notebook - Size: 2.27 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
Coder0202/Cyberus---measuring-risk
Cyberus is a tool that checks the generic and emotive legitimacy of a message and provides an estimate of the risk based on the dataset on which it was trained, as well as certain machine learning models for quantitative risk prediction.
Language: Jupyter Notebook - Size: 56.6 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
summerolmstead/Animal-Classification-Decision-Tree
Animal classification decision tree model and visualization. Dataset provided by University of California Irvine.
Language: Jupyter Notebook - Size: 424 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
CaritoRamos/predictive-classification-model-in-python
This project applies Machine Learning classification models to predict customer acceptance of marketing offers using Python and libraries such as Pandas, NumPy, Scikit-learn, and XGBoost.
Language: Jupyter Notebook - Size: 8.68 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
nadhif-royal/DecisionTree_vs_RandomForest
🚀 Enhancing Classification Accuracy with Decision Tree & Random Forest. I just completed a project exploring Decision Tree and Random Forest for classification tasks! 🎯 This project compares the performance of both models, analyzes key feature importance, and evaluates accuracy using metrics like the confusion matrix.
Language: Jupyter Notebook - Size: 424 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
Khushi-s1/Credit-Card-Fraud-Detection
Created a project of Credit Card Fraud Detection using Machine Learning.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
2021HK/Credit-Card-Fraud-Detection
Created a project of Credit Card Fraud Detection using Machine Learning.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
JenithaLessie/Machine-Learning-Classification
Our client, a grocery retailer, wants to utilise Machine Learning to reduce mailing costs, and improve ROI!
Size: 799 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
carlpecardal/Lung_Cancer_Prediction
This project predicts lung cancer risks using machine learning models like Random Forest, Logistic Regression, and SVM. It analyzes patient data with features such as age, smoking habits, and symptoms. Data preprocessing, visualization, and performance evaluation ensure accurate predictions for early diagnosis.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
vignesh1507/AI-Medical-Chatbot
This project is simply a symptom checker and i believe we tried to accomplish that successfully. This project can be scaled more and we are continuously working upon it.
Language: Python - Size: 108 KB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 3 - Forks: 3
chihiroanihr/COMP472-A1_F2021
This COMP472 AI project implements text classification on BBC news articles and drug classification using various machine learning algorithms. It utilizes Python and scikit-learn to preprocess data, train models, and analyze performance, focusing on Naive Bayes, Decision Trees, and Neural Networks.
Language: Python - Size: 6.94 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
21AJA/House_Price_Prediction_Revised_Project
House price prediction using ML with Decision Tree Regressor achieving 100% accuracy. Preprocessing, EDA, and model evaluation applied using Python, Pandas, NumPy, Scikit-learn, and XGBoost for data-driven insights.
Language: Jupyter Notebook - Size: 865 KB - Last synced at: 29 days ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
maheshvarade/Tree-Based-Algorithms-on-loan-data
Loan Risk Prediction Implemented RandomForestClassifier, which provided the best results compared to Gradient Boosting.Car Ownership Prediction (Using Same Data) Compared multiple models.House Ownership Prediction Followed the same pipeline for predicting House Ownership.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
StarlangSoftware/Classification
Machine learning library for classification tasks
Language: Java - Size: 2.03 MB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 7 - Forks: 6
maheshvarade/decision-tree-for-classification-of-penguins-species
🐧 Decision Tree for Classification of Penguin Species This project implements a Decision Tree Classifier to classify different species of penguins using the Palmer Penguins dataset. The dataset contains features such as bill length, bill depth, flipper length, and body mass to predict the species (Adelie, Chinstrap, or Gentoo).
Language: Jupyter Notebook - Size: 1.23 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
manishdevdi/Loan-Approval-Prediction
The Loan Approval Prediction project uses machine learning to predict loan approvals based on factors like income, credit history, and loan amount. It applies Decision Tree and Random Forest classifiers, achieving 98.13% and 97.42% accuracy, respectively. This solution helps financial institutions make informed lending decisions efficiently.
Language: Jupyter Notebook - Size: 896 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
ankushmallick1100/Diabetes-Prediction-of-Females-using-Maching-Learning-Techniques
This is a machine learning work that uses various machine learning algorithms to predict whether a patient is diabetic or not. Here various machine learning algorithms like SVM, RF Classifier, DT Classifier, KNN, LR , LR with CV, NB Classifier, and XGB are used. For this work, a website is made with Python Streamlit library.
Language: Jupyter Notebook - Size: 106 KB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
fs23yayan/MiniProject-DecisionTreeClassifier
Mini Project for Implementasi Decision Tree dengan CART
Language: Python - Size: 0 Bytes - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
Sumair555/Email-Classification-Spam-or-Ham
The challenge is to accurately separate spam emails from regular ones using techniques from machine learning models.
Size: 18.6 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
falakrana/Disease-Prediction-using-ML
This project is designed to assist in early diagnosis by predicting potential diseases based on user-provided symptoms.
Language: Jupyter Notebook - Size: 246 KB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
hadiMahd/ML_uni_project
my ml project with the guidance of my Dr Fakih at LIU, i used pandas numpy sklearn imblearn matplotlib seaborn
Language: Jupyter Notebook - Size: 568 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
FlorentAvellaneda/InferDT
The code of AAAI20 paper "Efficient Inference of Optimal Decision Trees"
Language: C++ - Size: 1.18 MB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 9 - Forks: 5
coderjolly/credit-risk-modelling
The aim of the project is to create a robust machine learning model that predicts the likelihood for a bank's customers to fail on their credit payments for the next month. The dataset used contains information on 24028 customers across 26 variables that includes information regarding whether customer defaulted, credit limits, bill history etc.
Language: Jupyter Notebook - Size: 6.33 MB - Last synced at: 5 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
abeed04/Bank-Credit-Risk-Model-using-Machine-Learning
Robust credit risk model that go beyond traditional credit scoring methods in banks
Language: Jupyter Notebook - Size: 2 MB - Last synced at: 6 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
philiptitus/Stroke-Prediction
This Project utilizes 3 Decision Tree Algorithms to make stroke Prediction models
Language: Jupyter Notebook - Size: 178 KB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
shubh-iiit/flight-fare-prediction
This is a end to end Data Science project where the task is to predict the Fare of the flights (Indian Only). Data is in the form of Excel spreadsheets, one is for training purpose and the other is for testing.
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
theDefiBat/ROAD-ACCIDENTS-PREDICTION-AND-CLASSIFICATION
Final Year Project on Road Accident Prediction using user's Location,weather conditions by applying machine Learning concepts.
Language: HTML - Size: 8.17 MB - Last synced at: 8 months ago - Pushed at: about 6 years ago - Stars: 79 - Forks: 36
Tolumie/Loan-Approval-Prediction
Loan Approval Prediction using Machine Learning | EDA + Decision Tree, Random Forest & Logistic Regression | Automating loan eligibility for Dream Housing Finance by analyzing customer data and predicting loan approvals.
Language: Jupyter Notebook - Size: 378 KB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
mardavsj/mushroom-classification
This repository classifies mushrooms as poisonous or edible using various machine learning algorithms
Language: HTML - Size: 32.2 KB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0
Foxriver-2005/Tea-Farm-Fertilizer-Prediction-issuing-System
Language: Jupyter Notebook - Size: 4.07 MB - Last synced at: 5 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
mayankmittal29/AlgoVision-Statistical_Methods_in_AI
Implementation of various machine learning algorithms from scratch, including Linear Regression, K-Nearest Neighbors, Decision Trees, and K-Means clustering. Also done EDA on data, Implemented LSH, IVF, SLIC algorithms also with evaluation metrics
Language: Jupyter Notebook - Size: 147 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
Ananyajain2004/Fake-news-detection
A python project for detecting fake news using machine learning algorithms.
Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
jaimyjoker/Churn-Modeling-Classification
This repository contains a Churn Classification model built using TensorFlow and an Artificial Neural Network (ANN) to predict customer churn. A Streamlit interface allows users to interact with the model and visualize predictions.
Size: 1000 Bytes - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
sadikurrahamanfahim/DataVize
Web Based application with various operations for data science
Language: Python - Size: 18.6 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
swarnava-96/Rainfall-Prediction
A Flask web app which predicts whether it will rain tomorrow or not.
Language: Jupyter Notebook - Size: 17.7 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 3 - Forks: 0
sarmadahmad8/Book-Recommender-System-using-classical-ML-techniques
Book Recommender System - 5 approaches
Language: Jupyter Notebook - Size: 99.6 KB - Last synced at: 25 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
Chenna7893/Enhancing-Customer-Retention-A-Machine-Learning-Approach-to-Churn-Prediction
Churn prediction using machine learning models like Random Forest, Decision Tree, and XGBoost involves identifying customers who are likely to stop using a company's services.
Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
nikita620/Churn-Prediction-Using-Machine-learning-
Major project on Python and AI
Language: Jupyter Notebook - Size: 1.72 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
spignelon/Letter-Recognition_Project-ML
A machine learning project for letter recognition using SVM, KNN, and Decision Tree, Random Forest, and Naive Bayes algorithms. Includes data preprocessing, model training, evaluation, and visualization, and research report.
Language: Jupyter Notebook - Size: 4.26 MB - Last synced at: 25 days ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 2
mohiteamit/ticket-classification
Banking Ticket Classification | Natural Language Processing | UpGrad | IIITB
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
nageswarik29/Fake-News-Detection
This project focuses on detecting fake news using machine learning algorithms such as Logistic Regression, Decision Tree Classifier, Random Forest Classifier, and Gradient Boost Classifier. It preprocesses text, extracts features with TF-IDF, and evaluates performance using accuracy, precision, recall, F1 score, and support.
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: 3 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
ChaitanyaC22/Fraud_Analytics_Credit_Card_Fraud_Detection
The aim of this project is to predict fraudulent credit card transactions with the help of different machine learning models.
Language: Jupyter Notebook - Size: 67.3 MB - Last synced at: 7 months ago - Pushed at: almost 3 years ago - Stars: 5 - Forks: 2
FaraazArsath/Ensemble_techniques_breast_cancer_detection
Ensemble Learning Techniques - Breast Cancer Classification
Language: Jupyter Notebook - Size: 805 KB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0
madhurragarwal/Cross-Sell-using-Heath-insurance-dataset-
Leverage health insurance data with machine learning to cross-sell vehicle insurance, analyzing customer profiles for personalized offerings, optimizing sales, and enhancing customer satisfaction.
Language: Jupyter Notebook - Size: 8.61 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 1
innat/Py4-DS
:snake: Data Science Boot-Camp : UC San DiegoX
Language: Jupyter Notebook - Size: 33.9 MB - Last synced at: 7 months ago - Pushed at: about 2 years ago - Stars: 17 - Forks: 17
PragyanTiwari/Breast-Cancer-Prediction-with-DecisionTree-Classifier
DecisionTree Classifier to predict breast cancer. Tuning model with feature engineering techniques and interpreting model behaviour with SHAP.
Language: Jupyter Notebook - Size: 3.12 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0
Maguids/Decision-Tree-Classifier
This project consists on creating a Decision Tree Classifier using ID3 (entropy based). Second Semester of the Second Year of the Bachelor's Degree in Artificial Intelligence and Data Science.
Language: Jupyter Notebook - Size: 2.5 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
StarlangSoftware/Classification-CS
Machine learning library for classification tasks
Language: C# - Size: 1.27 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 1
ArseniiStratiuk/Decision-Tree-Classifier-Lab
A student lab project focused on tree algorithms and a Decision Tree classifier.
Language: Jupyter Notebook - Size: 2.32 MB - Last synced at: 6 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 1
Monish-Nallagondalla/Universal-Bank
Credit Card Ownership Prediction A machine learning project that predicts credit card ownership using features like age and income, balancing class distributions for improved accuracy.
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
kbasu2016/Autism-Detection-in-Adults
This is a binary classification problem related with Autistic Spectrum Disorder (ASD) screening in Adult individual. Given some attributes of a person, my model can predict whether the person would have a possibility to get ASD using different Supervised Learning Techniques and Multi-Layer Perceptron.
Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 26 - Forks: 21
mdiaz683/KNN-vs-DT
Applying KNN and Decision Tree machine learning algorithms for classification tasks, comparing their performance on the same dataset
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
sanjitchitturi/BeatBranch
BeatBranch is a machine learning project that uses a decision tree classifier to predict music genres from audio feature data.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
galihpraditya/customer-churn-prediction
This project focuses on predicting customer churn in the telecom industry using machine learning. Customer churn, or the rate at which customers stop using a service, is a critical metric for businesses. By predicting churn, companies can take proactive measures to retain customers and improve customer satisfaction.
Language: Jupyter Notebook - Size: 643 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
sanyogita/b2b_retailer_group_study
Language: Jupyter Notebook - Size: 15.7 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
ahmedamrelhefnawy/Customer-Segmentation
Customer Segmentation Machine Learning Project
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
hasanhammad/NLP-Final-Project
This repository contains code and dataset used in the final project of the NLP course in Iran University of Science and Technology
Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
ketrinnatasya21/Python_Classification_BreastCancer
This project evaluates classification algorithms for breast cancer prediction using the Breast Cancer (Diagnostic) dataset. It compares the performance of Decision Tree, Random Forest, Logistic Regression, and Naive Bayes to classify cancer as malignant or benign.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
rooshmica/Rice-Grain-Species-Prediction-
Rice Grain Species Prediction using Decision Tree
Language: Jupyter Notebook - Size: 3.23 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
parthk3004/Quizzaro
Quizzaro The Personality Quiz
Language: Python - Size: 47.9 KB - Last synced at: 9 days ago - Pushed at: over 5 years ago - Stars: 15 - Forks: 5