An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with decision-tree-classifier

A curated list of projects in awesome lists tagged with decision-tree-classifier .

https://github.com/emmet-hayes/sentimentanalysismodel

This was a final project for a grad-level Machine Learning class. Included in the repo is a write-up explaining the performance, and a jupyter notebook containing all the code.

decision-tree-classifier logistic-regression machine-learning natural-language-processing neural-networks python sentiment-analysis sklearn support-vector-machines

Last synced: 05 Mar 2025

https://github.com/ahmetcansolak/decision-tree-classifier-scikit-learn

A simple decision tree classifier example using scikit-learn

decision-tree-classifier python scikit-learn

Last synced: 03 Jul 2025

https://github.com/mirokeimioniemi/classifying-software-pirates

Exploring the factors driving people into software piracy by training two machine learning models to predict whether a person with certain characteristics and sentiments is likely to possess any pirated software or not using a dataset collected via a survey targeting users of music production software.

data-analysis data-science decision-tree-classifier logistic-regression machine-learning piracy python software-piracy survey

Last synced: 28 Feb 2025

https://github.com/ngirimana/decision-trees-and-random-forest-

For this project we will be exploring publicly available data from [LendingClub.com](www.lendingclub.com). Lending Club connects people who need money (borrowers) with people who have money (investors). Hopefully, as an investor you would want to invest in people who showed a profile of having a high probability of paying you back. We will try to create a model that will help predict this. Lending club had a [very interesting year in 2016](https://en.wikipedia.org/wiki/Lending_Club#2016), so let's check out some of their data and keep the context in mind. This data is from before they even went public. We will use lending data from 2007-2010 and be trying to classify and predict whether or not the borrower paid back their loan in full. You can download the data from [here](https://www.lendingclub.com/info/download-data.action) or just use the csv already provided. It's recommended you use the csv provided as it has been cleaned of NA values. Here are what the columns represent: * credit.policy: 1 if the customer meets the credit underwriting criteria of LendingClub.com, and 0 otherwise. * purpose: The purpose of the loan (takes values "credit_card", "debt_consolidation", "educational", "major_purchase", "small_business", and "all_other"). * int.rate: The interest rate of the loan, as a proportion (a rate of 11% would be stored as 0.11). Borrowers judged by LendingClub.com to be more risky are assigned higher interest rates. * installment: The monthly installments owed by the borrower if the loan is funded. * log.annual.inc: The natural log of the self-reported annual income of the borrower. * dti: The debt-to-income ratio of the borrower (amount of debt divided by annual income). * fico: The FICO credit score of the borrower. * days.with.cr.line: The number of days the borrower has had a credit line. * revol.bal: The borrower's revolving balance (amount unpaid at the end of the credit card billing cycle). * revol.util: The borrower's revolving line utilization rate (the amount of the credit line used relative to total credit available). * inq.last.6mths: The borrower's number of inquiries by creditors in the last 6 months. * delinq.2yrs: The number of times the borrower had been 30+ days past due on a payment in the past 2 years. * pub.rec: The borrower's number of derogatory public records (bankruptcy filings, tax liens, or judgments).

artificial-intelligence decision-tree-classifier machine-learning matplotlib numpy pandas python3 random-forest-classifier seaborn

Last synced: 21 Feb 2025

https://github.com/shwetapardhi/project-bankruptcy_prediction

Using various machine learning models (Logistic Regression, Gaussian Naïve Bayes, KNN, Gradient Boosting Classifier, Decision Tree Classifier, Random Forest Classifier.) to predict whether a company will go bankrupt in the following years, based on financial attributes of the company; Addressed the issue of imbalanced classes, different importance

decision-tree-classifier eda gaussian-naive-bayes gradient-boosting-classifier knn logistic-regression python random-forest-classifier smote

Last synced: 22 Aug 2025

https://github.com/sushantnair/ml

A collection of experiments I have performed for the course "Machine Learning" as part of the curriculum for Semester 6 of TY B. Tech. Computer Engineering at KJ Somaiya College of Engineering.

decision-tree-classifier feature-engineering gini-index machine-learning machine-learning-algorithms machinelearning-python ml pandas sklearn

Last synced: 12 Mar 2025

https://github.com/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.

decision-tree-classifier eda feature-engineering gradient-boosting-classifier grid-search human-activity-recognition keras logistic-regression lstm random-forest-classifier rbf-kernel scikit-learn seaborn-plots signal-processing support-vector-classifier support-vector-machine t-sne tensorflow uci-har-dataset uci-machine-learning

Last synced: 05 Oct 2025

https://github.com/jibbs1703/Classic-ML-Models

This repository contains models that predict the obesity level of patients based on their eating/lifestyle habits and physical condition.

data-preprocessing data-science decision-tree-classifier deep-learning feature-engineering machine-learning multiclass-classification obesity-prediction predictive-modeling pytorch xgboost-classifier

Last synced: 07 Oct 2025

https://github.com/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.

classification cross-validation decision-tree-classifier diabetes diabetes-prediction jupyter jupyter-notebook logistic-regression machine-learning machine-learning-algorithms numpy pandas python random-forest random-forest-classifier regression streamlit support-vector-machine xgboost xgboost-classifier

Last synced: 13 Oct 2025

https://github.com/bp0609/har-human-activity-recognizer-decision-tree-model

This is a robust and efficient ML model for recognizing various human activities such as walking, sitting, and running using accelerometer data.

decision-tree-classifier pca-analysis tsfel

Last synced: 14 Oct 2025

https://github.com/darkfanxing/decision-tree

A practice about decision tree algorithm with information gain

decision-tree-classifier python36

Last synced: 26 Jul 2025

https://github.com/rooshmica/rice-grain-species-prediction-

Rice Grain Species Prediction using Decision Tree

decision-tree-classifier jupyter-notebook pandas-library python

Last synced: 07 Oct 2025

https://github.com/mmsaki/algorithm_trading

Create an algorithmic trading bot that learns and adapts to new data and evolving markets.

adaboostclassifier algorithms decision-tree-classifier logistic-regression sklearn-library

Last synced: 26 Jul 2025

https://github.com/skullick/flavour-recommender

Simple example using DecisionTreeClassifier with flavour dataset

decision-tree-classifier python

Last synced: 30 Jul 2025

https://github.com/saadarazzaq/iris-classification-problem

Implemented using Decision Trees and Random Forest. ML ASSIGNMENT 2 => Q1

classification decision-tree-classifier machine-learning random-forest-classifier

Last synced: 30 Jul 2025

https://github.com/jelhamm/regression-algorithms

"This repository serves as a comprehensive resource for understanding and applying Regression techniques in achine learning and statistical modeling."

achine-learning builder-pattern decision-tree decision-tree-classifier design-pattern factory-pattern linear-regression python random-forest random-forest-classifier regression regression-models regular-expression statistical-models

Last synced: 31 Jul 2025

https://github.com/rupav/fitbit

My Machine Learning First Project on Github

beginner decision-tree-classifier random-forest-classifier sklearn

Last synced: 04 Apr 2025

https://github.com/shariftasrik/ml-binary-classification-breastcancer

A machine learning project applying Decision Tree, Naïve Bayes, and K-Nearest Neighbors (KNN) classifiers to a breast cancer healthcare dataset for binary classification. Includes data preprocessing, model training, and performance evaluation using accuracy, precision, recall, and F1-score metrics.

decision-tree-classifier jupyter-notebook knn-classifier machine-learning naive-bayes-classifier python

Last synced: 30 Oct 2025

https://github.com/ddeepanshu-997/decision-tree-classification

in this repository i am going to perform Decision Tree Classification on the dataset , initially i performed some data preprocessing technique in order to filter out the data flaws then undergoes the process of model building i.e decision tree classification .

classification classification-model data-science decision-tree-classifier decision-trees machine-learning

Last synced: 08 Aug 2025

https://github.com/boomerspine/diabetes-prediction-dataset

Diabetes detection using DecisionTreeClassifier

decision-tree-classifier ipynb-jupyter-notebook ml

Last synced: 11 Aug 2025

https://github.com/alphacrypto246/employee-attrition

This project analyzes employee attrition data to uncover key factors driving employee turnover. Using Python, it employs data preprocessing, exploratory data analysis, and machine learning models to predict attrition and provide actionable insights for improving employee retention strategies.

decision-tree-classifier machine-learning machine-learning-algorithms python scikit-learn scikitlearn-machine-learning

Last synced: 12 Aug 2025

https://github.com/tasninanika/mammographic-masses-analysis-dt

This project uses a Decision Tree Classifier to predict whether a detected mammographic mass is benign (0) or malignant (1) based on input features.

decision-tree-classifier numpy pandas pyhton3 scikit-learn

Last synced: 16 Aug 2025

https://github.com/dpb24/customer-churn

🌐 Predicting Customer Churn with Decision Tree, XGBoost & Neural Network Models on the Cell2Cell Dataset

churn-analysis churn-prediction confusion-matrix decision-tree-classifier keras-neural-networks predictive-analytics shap-analysis tensorflow xgboost-classifier

Last synced: 17 Aug 2025

https://github.com/srosalino/predictive_modeling_for_agriculture

Sowing Success: How Machine Learning Helps Farmers Select the Best Crops

data-science decision-tree-classifier feature-importance logistic-regression machine-learning

Last synced: 17 Aug 2025

https://github.com/amiraaz818/ml-assignments-2024

This repository archives assignments from the Machine Learning course at the University of Kerman, completed in Fall 2024.

autoencoder decision-tree-classifier dimensionality-reduction exploratory-data-analysis ipynb linear-regression machine-learning neural-network python

Last synced: 18 Aug 2025

https://github.com/jfdev001/id3-decision-tree

Implementation of ID3 algorithm for decision tree classifier from scratch.

decision-tree-classifier python

Last synced: 22 Aug 2025

https://github.com/marktheo/bike-sharing-demand

Jupyter Notebook - Predicting bike rental numbers based on climate and temporal data

decision-tree-classifier decision-tree-regression jupyter-notebook machine-learning scikit-learn

Last synced: 08 Jul 2025

https://github.com/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.

classification-models credit-card-prediction data-analysis data-classification decision-tree-classifier imbalanced-datasets machine-learning model-evaluation python scikit-learn

Last synced: 05 Apr 2025

https://github.com/aashish22bansal/personal-bank-loan-modelling

The model compares several different algorithms and predicts whether a family will be granted the loan from the bank or not.

decision-tree-classifier logistic-regression naive-bayes-algorithm random-forest-classifier

Last synced: 20 Jul 2025

https://github.com/zeraphim/streamlit-iris-classification-dashboard

A Streamlit web application that performs Exploratory Data Analysis (EDA), Data Preprocessing, and Supervised Machine Learning to classify Iris species from the Iris dataset (Setosa, Versicolor, and Virginica) using Decision Tree Classifier and Random Forest Regressor.

classification dashboard data-analysis data-science decision-tree-classifier eda machine-learning python3 random-forest-regressor streamlit supervised-learning

Last synced: 11 Oct 2025

https://github.com/arrhythmia-detection/authorfeatureextracteddecisiontreeoptimizedesp32s3

Deploys an optimized Decision Tree for Arrhythmia classification using Chapman ECG dataset on ESP32-S3 dev kit

arrhythmia-classification decision-tree-classifier decision-trees eloquent esp32-arduino esp32-s3 scikit-learn

Last synced: 27 Aug 2025

https://github.com/gaurav-budhwani/har-human-activity-recognizer-ml

Machine learning model that can identify different human activities like walking, sitting, and running using data from an accelerometer. (Mini-Project from the course Machine Learning Fall 2025)

decision-tree-classifier pca tsfel

Last synced: 29 Aug 2025

https://github.com/jaewonson37/data_mining

Topic: Data Analysis with Voice Dataset for Gender Recognition // Summary: Explored algorithms and found the best model that showed a 98.2% classification accuracy for a voice dataset

bagging boosting decision-tree-classifier jupyter-notebook knn-classifier logistic-regression random-forest-classifier svm-classifier svm-kernel svm-rbf voting

Last synced: 29 Mar 2025

https://github.com/waghraj1699/fraud-detection-project

A fraud detection system with machine learning will be able to detect risk based on your historical data

data-processing decision-tree-classifier machine-learning numpy pandas

Last synced: 11 Oct 2025

https://github.com/5hraddha/megaline-plan-recommendations

Megaline is a telecom operator and it offers its clients two prepaid plans, Surf and Ultimate.Megaline has found out that many of their subscribers use legacy plans. They want to develop a model that would analyze subscribers' behavior and recommend one of Megaline's newer plans: Smart or Ultra.

decision-tree-classifier logistic-regression random-forest-classifier scikit-learn supervised-learning

Last synced: 17 Jun 2025

https://github.com/aakanksha1406/students-performance-analysis

Students' Performance Evaluation using Feature Engineering, Feature Extraction, Manipulation of Data, Data Analysis, Data Visualization and at last applying Classification Algorithms from Machine Learning to Separate Students with different grades

decision-tree-classifier logistic-regression ordinalencoder pandas random-forest seaborn sklearn

Last synced: 18 Feb 2025

https://github.com/lorenzorottigni/ml-iris

Machine Learning course of Piero Savastano 2: DecisionTreeClassifier, accuracy_score

accuracy-score decision-tree-classifier machine-learning

Last synced: 06 Mar 2025

https://github.com/mnkanout/patients_medication_prediction

The aim of the project is to create a model that can help medical professionals select the proper medication for patients based on their symptoms. The model uses historical data of other patients to predict what could be the most suitable medication based on the patient's symptoms.

data data-analysis data-science data-visualization decision-tree-classifier machine-learning python3

Last synced: 29 Jun 2025

https://github.com/jimmymugendi/bulding-a-decision-tree-to-predict-customer-churn

This repo desribes bulding a decision tree to predict customer churn in a given organisation

accuracy-score decision-tree-classifier matplotlib-pyplot numpy pandas-dataframe scikit-learn

Last synced: 27 Oct 2025

https://github.com/sumansuhag/statistics-notebook

Statistical Analysis Mastery: Hypothesis Testing & Regression Analysis Dive into the world of statistics and machine learning with this thoughtfully curated repository designed for learners, professionals, and data enthusiasts alike. Unlock the power of data-driven decision-making by mastering hypothesis testing and regression techniques.

decision-tree-classifier dsa-algorithm machine machine-learning-algorithms scikitlearn-machine-learning statistics

Last synced: 28 Mar 2025

https://github.com/vedanty3/medify

Medify is a MERN stack app that predicts heart disease using machine learning. Patients can send their medical data to their doctors through the app.

decision-tree-classifier eli5 express gradient-boosting-classifier joblib jwt knn-classification lime logistic-regression machine-learning material-ui mern-stack mongodb nodejs nodemailer python react redux shape svm-classifier

Last synced: 13 Oct 2025

https://github.com/hokagem/mecha-lung

End-to-end demo for lung-cancer risk prediction: a TypeScript/React client streams synthetic patient data, PostgreSQL stores it with field-level encryption, and a Python FastAPI service decrypts, trains a scikit-learn model, and serves real-time predictions—the server containerized with Docker-Compose.

bcrypt client-server cors db decision-tree-classifier docker fastapi fernet jwt-authentication ml orm postgresql python react typescript uvicorn

Last synced: 15 Jul 2025

https://github.com/raghavendranhp/industrial_copper_modelling

Industrial Copper Modeling optimizes pricing decisions using advanced ML. Predict sales with accuracy, classify leads, and streamline decision-making.

classification-models copper decision-tree-classifier decision-tree-regression pickle-file predictive-modeling regression-models scikit-learn

Last synced: 24 Feb 2025

https://github.com/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.

classification credit-risk-analysis data-analysis decision-tree-classifier finance-analytics loan-approval logistic-regression-algorithm machine-learning predictive-modeling-techniques random-forest

Last synced: 30 Jun 2025

https://github.com/1sumer/agriculture_pridiction

This is a Flask-based web application that predicts the best crop to grow and the fertilizer to use based on soil and environmental conditions.

css decision-tree-classifier flask html machine-learning-algorithms python random-forest-classifier render

Last synced: 15 Jul 2025

https://github.com/vyjayanthipolapragada/fraud_detection_creditcard

Detecting the fraudulent credit card transactions by training Decision Tree model using Scikit-learn and SnapML

classification-model data-preprocessing decision-tree-classifier kaggle-dataset machine-learning numpy pandas python scikit-learn snapml time tree-model

Last synced: 13 Jul 2025

https://github.com/faraazarsath/decision-tree

This repository includes examples for Decision Tree Classification and Decision Tree Regression.

decision-tree-classifier decision-tree-regression

Last synced: 26 Feb 2025

https://github.com/mugambi645/classify-song-genre-from-audio-data

Classify song genres using supervised learning models & PCA for dimensiality reduction

decision-tree-classifier logistic-regression numpy pandas pca-analysis

Last synced: 12 Jul 2025

https://github.com/bibek36/predicting-employee-attrition

This project focuses on predicting employee attrition using machine learning techniques. It analyzes factors influencing employee turnover, such as job satisfaction, work environment, and compensation. By leveraging data preprocessing, feature selection, and classification models, the project provides insights for retaining valuable talents.

csv data-cleaning data-processing-and-analysis decision-tree-classifier jupyter-notebook logistic-regression machine-learning naive-bayes-classifier python random-forest

Last synced: 07 Apr 2025

https://github.com/keerthanapalanikumar/prodigy-infotech

This repository contains data science projects from my Prodigy Infotech internship, including data visualization, cleaning and EDA on the Titanic dataset, a decision tree classifier for the Bank Marketing dataset, and Twitter sentiment analysis.

data-cleaning-and-eda data-visualization decision-tree-classifier sentiment-analysis

Last synced: 23 Oct 2025

https://github.com/adnanrahin/ibm-loan-classification-problem

IBM Machine Learning Certification Final Project. This dataset is about past loans. The Loan_train.csv data set includes details of 346 customers whose loan are already paid off or defaulted.

decision-tree-classifier k-nearest-neighbours logistic-regression machine-learning support-vector-machine

Last synced: 21 Jun 2025

https://github.com/arrhythmia-detection/authorprovidedfeaturescombineddtoptimized

Deploys an optimized Decision Tree for Arrhythmia classification using Chapman ECG dataset on Arduino UNO board

arduino-uno arrhythmia-classification atmega328p chapman-ecg decision-tree-classifier eloquent scikit-learn

Last synced: 15 Mar 2025

https://github.com/gui-sitton/beta-bank

The bankers have discovered that it's cheaper to save existing customers than to attract new ones. We need to predict whether a customer will leave the bank soon. Model with the maximum possible F1 value.

decision-tree-classifier f1-score logisticregression machine-learning one-hot-encoding python random-forest-classifier

Last synced: 13 Oct 2025

https://github.com/ebadshabbir/decision_tree_algorithm

Decision Tree Classifier for Social Network Ads A Python implementation of a Decision Tree Classifier to predict user purchasing behavior based on age and estimated salary. Includes feature scaling, model evaluation (confusion matrix and accuracy), and visualizations of decision boundaries for both training and test sets.

decision-tree-classifier jupyter-notebook machine-learning matplotlib-pyplot numpy pandas python scikit-learn

Last synced: 06 Mar 2025

https://github.com/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.

churnomally customer-churn-prediction decision-tree-classifier knn logistic-regression ml-projects random-forest-classifier streamlit svm

Last synced: 20 Jun 2025

https://github.com/tanyakuznetsova/music_mental_health

Harnessing music's power for better mental health: genre recommendations and data-driven analysis of listeners' trends

data-visualization decision-tree decision-tree-classifier exploratory-data-analysis k-means-clustering pca-analysis recommendation-system recommender-system surprise-python

Last synced: 11 Jul 2025

https://github.com/msamuelsons/classificacao-pacientes-coluna

O código realiza a análise e classificação de características biomecânicas de pacientes ortopédicos. Ele carrega os dados, verifica valores faltantes e tipos, prepara os dados para modelagem, otimiza os parâmetros de uma árvore de decisão usando Grid Search, e avalia o modelo usando validação cruzada. A acurácia do modelo é então impressa.

decision-tree-classifier decision-trees machine-learning mathematics sklearn

Last synced: 15 Mar 2025

https://github.com/depermitto/decision-tree

Decision trees with roulette attribute splitting

decision-tree-classifier machine-learning-algorithms roulette

Last synced: 04 Apr 2025

https://github.com/ahmad-ali-rafique/decision-tree-classifier-modeling

👏Comprehensive exploration of decision tree classifiers, including data cleaning, model building🏩, and performance evaluation on various datasets.

analytics classification classification-models data data-science dataanalytics datacleaning dataset decision-tree-classifier models

Last synced: 05 Mar 2025

https://github.com/yashrajgithub/crop-disease-identification-model

A deep learning-based system for identifying crop diseases from images, helping farmers detect and manage crop health issues for improved yield and quality.

cnn decision-tree-classifier disease-prediction farming farming-guide knn krishigyaan ml plant-disease-identification python random-forest streamlit

Last synced: 15 Mar 2025

https://github.com/aabbtree77/bank-marketing-decision-tree

The UCI bank marketing dataset analysis using CART to predict customer responses and estimate the monetary value of targeting different customer segments.

cart chatgpt commerce conversion-rate decision-tree-classifier leo-breiman revenue uci-machine-learning

Last synced: 06 May 2025

https://github.com/agnivchtj/us-census-classifier

Find the optimal classification algorithm that can predict salaries above $50k, based on US Census data.

census-data decision-tree-classifier jupyter-notebooks knn-classifier logistic-regression naive-bayes-classifier python scikit-learn svm-classifier

Last synced: 15 Mar 2025

https://github.com/yogawan/machine-learning

Sela, E. I. (2023). Modul Praktikum Machine Learning. Fakultas Sains dan Teknologi Universitas Teknologi Yogyakarta.

decision-tree-classifier k-means-clustering k-nearest-neighbor-classifier naive-bayes-classifier

Last synced: 06 Mar 2025

https://github.com/jelhamm/internode-hellinger-distance-based-decision-tree

Simulations for the paper "Inter node Hellinger Distance based Decision Tree by Pritom Saha Akash, Md. Eusha Kadir, Amin Ahsan Ali, Mohammad Shoyaib"

articles data-analysis data-mining decision-tree decision-tree-classifier hddt hellinger-distance-criterion machine-learning numpy-library paper-implementations python scipy-library simulation tree-node

Last synced: 04 Apr 2025

https://github.com/leftcoastnerdgirl/disaster_tweet_classification_nlp

This repository holds the final project for the Natural Language Processing project for the Intel AI Learning and Certification Program.

decision-tree-classifier knearest-neighbor-classifier knn-classifier logistic-regression nlp pandas random-forest-classifier sklearn sklearn-library support-vector-machine svm-classifier

Last synced: 24 Oct 2025

https://github.com/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.

algorithm-analysis classification computational-pathology data-analysis decision-tree-classifier gradientboosting histopathology keras logistic-regression lung-cancer multiple-instance-learning svm tissue-microarray-analysis xgboost

Last synced: 31 Mar 2025

https://github.com/virajbhutada/telecom-customer-churn-prediction

Predict and prevent customer churn in the telecom industry with this project. Harness the power of advanced analytics and Machine Learning on a diverse dataset to develop a robust classification model. Gain deep insights into customer behavior and identify critical factors influencing churn using interactive Power BI visualizations.

churn-prediction classification-models customer-attrition-analysis customer-churn-prediction data-analysis data-science decision-tree-classifier eda logistic-regression machine-learning machine-learning-algorithms machine-learning-models pandas powerbi powerbi-desktop python random-forest-classifier roc-curve xgboost-classifier

Last synced: 27 Feb 2025

https://github.com/crispengari/load-shedding-impact

🧨🔥 This repository contains a supervised and unsupervised task on the impact of Load-Shedding on University students in South Africa.

decision-tree-classifier logistic-regression machine-learning random-forest supervised-machine-learning svm-classifier unsupervised-learning

Last synced: 03 Apr 2025