GitHub topics: classification-algorithm
benedekrozemberczki/awesome-graph-classification
A collection of important graph embedding, classification and representation learning papers with implementations.
Language: Python - Size: 1.79 MB - Last synced at: 1 day ago - Pushed at: over 2 years ago - Stars: 4,789 - Forks: 739

toancontrai/fastmap
A fast structure from motion pipeline written in Pytorch.
Language: Python - Size: 3.28 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 1 - Forks: 0

OfficialYapper/Project-Credit-Risk-Analysis
German Credit Data - 1994
Language: Jupyter Notebook - Size: 2.42 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

shortthirdman/PredictorXVault-Cookbook
Master Machine Learning: A Collection of Classification & Regression Algorithms in Action
Language: Jupyter Notebook - Size: 28.5 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

gattsu001/Telecom-Churn-Predictor
Predicts which telecom customers are likely to churn with 95% accuracy using engineered features from usage, billing, and support data. Implements Sturges-based binning, one-hot encoding, stratified 80/20 train-test split, and a two-level ensemble pipeline with soft voting. Achieves 94.60% accuracy, 0.8968 AUC, 0.8675 precision, 0.7423 recall.
Language: Python - Size: 191 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

adiag321/CRM-Analysis-for-Marketing-data
In this project, we have to create a predictive model which allows the company to maximize the profit of the next marketing campaign
Language: Jupyter Notebook - Size: 8.68 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 10 - Forks: 3

Maitreya71/Machine-learning-model-in-Rstudio
Designed a machine learning model of classification type to classify authenticity of cuisines on YELP data using Rstudio
Language: R - Size: 543 KB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

Nano-a/medicinal-plant-classifier
Classificateur de plantes médicinales basé sur RandomForest. Prédiction binaire avec explications et métriques complètes (accuracy, F1, ROC). Interface web interactive.
Language: HTML - Size: 5.64 MB - Last synced at: about 6 hours ago - Pushed at: 8 days ago - Stars: 1 - Forks: 0

Zulqarnain-10/Behavioral-Risk-Factor-By-Tobacco-Use
This project analyzes tobacco use risk factors using machine learning to predict 'High Confidence Limit' for various demographics. It includes data preprocessing, EDA, and multiple ML models like Linear Regression, Random Forest, and SVM. Detailed results and code are available in the repository.
Language: Jupyter Notebook - Size: 2.97 MB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

wilsonck75/D-Cubed-Data-Lab
D³ Data Lab: Data. Decisions. Delivery
Language: Python - Size: 3.91 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

NeverSinkDev/NeverSink-Filter
This is a lootfilter for the game "Path of Exile". It hides low value items, uses a markup-scheme and sounds to highlight expensive gear and is based on economy data mining.
Size: 30.9 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 2,517 - Forks: 490

amansiwach868/titanic-survival-prediction
This repository contains a project focused on predicting Titanic passenger survival using machine learning techniques. It includes data analysis, feature engineering, and model evaluation to provide insights into survival rates. 🛠️📊
Language: Python - Size: 259 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 1 - Forks: 0

Saravanan9698/Saravanan.Github.io
Welcome to my Data Science Portfolio! I'm Saravanan — an IITM Pravartak Certified Data Science Professional with practical experience building end-to-end ML and Deep Learning solutions across healthcare, finance, e-commerce along with NLP and GEN AI Domains. This portfolio highlights my work on real-world data-driven projects.
Language: HTML - Size: 68.4 KB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

markdregan/K-Nearest-Neighbors-with-Dynamic-Time-Warping
Python implementation of KNN and DTW classification algorithm
Language: Jupyter Notebook - Size: 59.5 MB - Last synced at: 1 day ago - Pushed at: almost 7 years ago - Stars: 784 - Forks: 215

Dicoding-Addin/BMLP-ADDIN
Language: Jupyter Notebook - Size: 12.3 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

tatianacarcamoreula/Modelo_ML_abandono_de_clientes
Predecir el abandono de futuros clientes
Language: Jupyter Notebook - Size: 659 KB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 2 - Forks: 0

smg478/OralCancerDetectionOnCTImages
C++ implementation of oral cancer detection on CT images
Language: C++ - Size: 28.1 MB - Last synced at: 6 days ago - Pushed at: over 6 years ago - Stars: 7 - Forks: 7

joaopcalumby/linearsvc_spam-classification
E-mail classification using LinearSVC algorithm
Language: Python - Size: 1.85 MB - Last synced at: 7 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 0

jlgarridol/sslearn
The sslearn library is a Python package for machine learning over Semi-supervised datasets. It is an extension of scikit-learn.
Language: Python - Size: 4.25 MB - Last synced at: 19 days ago - Pushed at: about 2 months ago - Stars: 9 - Forks: 3

hrshankar2002/Siamese-Convolutional-Neural-Network
The official implementation of the paper "Efficient Siamese Network-Based Approach for Multi-Class ECG Classification in Arrhythmia Detection"
Language: Jupyter Notebook - Size: 9.19 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

Marta-Barea/mlp-sonar-classifier
A simple project to train and evaluate two multilayer perceptron models on the Sonar data using TensorFlow, SciKeras, and Scikit-Learn — one without data standardization and another with standardized input data.
Language: Python - Size: 313 KB - Last synced at: 21 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

Marta-Barea/mlp-diabetes-classifier
A simple project to train and evaluate a multilayer perceptron on the Pima Indians Diabetes Dataset using TensorFlow, SciKeras, and Scikit-Learn.
Language: Python - Size: 133 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 0 - Forks: 0

Marta-Barea/mlp-iris-classifier
A simple project to train and evaluate a multilayer perceptron on the Iris Sepecies data using TensorFlow, SciKeras, and Scikit-Learn.
Language: Python - Size: 101 KB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 1 - Forks: 0

imildositoe/car_pedestrian_lidar_data_processing
Object detection, classification, and tracking using LiDAR data collected by a Blickfeld Cube 1 sensor.
Language: Python - Size: 18.6 KB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1 - Forks: 0

aryashah2k/Prediction-Of-PCOS-Using-Optimized-ML-Classifiers
Official Code Files For My Research Paper Presented at 3rd International Conference on Artificial Intelligence: Advances and Applications (ICAIAA 2022). Paper Published in Springer Book Series, "Algorithms for Intelligent Systems (AIS)".
Language: Jupyter Notebook - Size: 4.7 MB - Last synced at: 5 days ago - Pushed at: over 2 years ago - Stars: 23 - Forks: 3

sozelfist/handson-ml3 Fork of ageron/handson-ml3
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
Language: Jupyter Notebook - Size: 36.6 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 1 - Forks: 0

vikram-raju/Customer-Visits
An exploratory study of understanding visit patterns of customers at a shopping mall and predicting their visit in the upcoming week.
Language: HTML - Size: 40.4 MB - Last synced at: 30 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 2

shainamackin/nyc-hh_algorithmic-bias-mitigation
The code presented here is meant to accompany our Playbook, which illustrates our threshold adjustment methodology that can mitigate bias in EHR-based classification models. Our paper and the Playbook can be found in npj Digital Medicine at the link below:
Size: 6.73 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 1

christiandarvs/SmartCents-Algorithm
Our SmartCents mobile application utilizes Decision Tree algorithm to recommend financial literacy modules to students based on their responses to a set of questions.
Language: Jupyter Notebook - Size: 1.73 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Morano-git/WDBC-ML-Classification-Assignment
Fundamentals of Machine Learning Assignment Repository
Language: Jupyter Notebook - Size: 5.09 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

benedekrozemberczki/awesome-gradient-boosting-papers
A curated list of gradient boosting research papers with implementations.
Language: Python - Size: 1.48 MB - Last synced at: 18 days ago - Pushed at: over 1 year ago - Stars: 1,021 - Forks: 160

sibirbil/RuleDiscovery
Two algorithms based on linear programming to discover classification rules for interpretable learning.
Language: Python - Size: 89 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 23 - Forks: 2

sabin74/customer_churn_prediction
Predict whether a customer will churn (leave the service) based on their usage and demographic data using machine learning.
Language: Jupyter Notebook - Size: 461 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

alanrazop/Fake-News-Detection
Este proyecto presenta un detector de noticias falsas que utiliza técnicas de aprendizaje automático y procesamiento de lenguaje natural para clasificar artículos como verdaderos o falsos.
Language: Jupyter Notebook - Size: 6.61 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

udityamerit/Machine-Learning-For-Beginners
Language: Jupyter Notebook - Size: 37.2 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 2 - Forks: 0

99sbr/DeepLearning
Deep Learning / NLP Projects and Experiments
Language: Jupyter Notebook - Size: 32.5 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 1

murufeng/awesome-papers
机器学习,深度学习,自然语言处理,计算机视觉方面的顶级期刊会议论文集
Size: 62.4 MB - Last synced at: 12 days ago - Pushed at: about 5 years ago - Stars: 134 - Forks: 35

williamfridh/Vehicle-Classifying-and-Counting-Convolution-Neural-Networks-Onboard-Cost-Efficient-Microcontrollers
Real-time vehicle classification and counting using Convolutional Neural Networks on microcontrollers.
Language: C++ - Size: 81 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

anonymo2239/Big-Data-Churn-Analyzer
Scalable customer churn prediction using PySpark. Includes EDA, feature engineering, modeling, and real-time inference on new data.
Language: Jupyter Notebook - Size: 1.47 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

ua-datalab/MLWorkshops
UArizona DataLab Workshops
Language: Jupyter Notebook - Size: 85.3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 7 - Forks: 0

Dharmeshgadhiya161/Mid-Course-Assessment---ML-Case-Study
Mid Course Assessment - ML Case Study(Credit Scoring (Banking & Financial Services))
Language: Jupyter Notebook - Size: 4.06 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

enriquegit/multiviewstacking
A python implementation of the Multi-View Stacking algorithm
Language: Python - Size: 3.91 MB - Last synced at: 29 days ago - Pushed at: 6 months ago - Stars: 29 - Forks: 0

LatiefDataVisionary/machine-learning-basic-dicoding
Language: Jupyter Notebook - Size: 17.8 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Shriyaak/MachineLearning.studyjournal.1
This repository contains my study and practice of key machine learning concepts, including:
Language: Jupyter Notebook - Size: 239 KB - Last synced at: 24 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

JCGCosta/Prevh
This package implements the Prevh classification algorithm. Which is a Machine Learning classification algorithm for handling with situation which the kNN can´t be conclusive.
Language: Python - Size: 206 KB - Last synced at: 25 days ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

Elinvord/telco-churn-ml
Predicting and analyzing customer churn in telecom using machine learning.
Language: Jupyter Notebook - Size: 9.77 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

abhinabasaha/ml
Language: Jupyter Notebook - Size: 960 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 2 - Forks: 0

nandan-byte/EDUNET-WEEK1
🌾 Crop & Fertilizer Recommendation using ML - This project uses machine learning to suggest the best crop and fertilizer based on soil and weather data like pH, temperature, and rainfall. Built using Python and Google Colab.
Language: Jupyter Notebook - Size: 628 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

abess-team/abess
Fast Best-Subset Selection Library
Language: C++ - Size: 209 MB - Last synced at: about 2 months ago - Pushed at: 2 months ago - Stars: 485 - Forks: 42

TNO-Quantum/ml.classifiers.vc
Scikit-learn compliant Variational Quantum Classifier
Language: Python - Size: 3.02 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 5 - Forks: 1

bluegreen-labs/foto
The FOTO (Fourier Transform Textural Ordination) R package.
Language: R - Size: 20.4 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 8 - Forks: 3

ahmetozlu/color_recognition
:art: Color recognition & classification & detection on webcam stream / on video / on single image using K-Nearest Neighbors (KNN) is trained with color histogram features by OpenCV.
Language: Python - Size: 6.68 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 342 - Forks: 120

ndminhvn/gender-classification
Gender Classification problem - Predict if blog texts are written by male or female
Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

xinglab-ai/genomap
Cartography of Genomic Interactions Enables Deep Analysis of Single-Cell Expression Data (Nature Communications, 2023)
Language: Python - Size: 43.7 MB - Last synced at: 25 days ago - Pushed at: about 1 year ago - Stars: 19 - Forks: 3

MeqdadDev/teachable-machine
A Python package designed to simplify the integration of exported models from Google's Teachable Machine platform into various environments.
Language: Python - Size: 2.64 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 7 - Forks: 3

maladoi777/breast-cancer-prediction-app
A Streamlit web application for breast cancer prediction using logistic regression. Users can input key tumor features to receive real-time prediction and confidence scores based on the Breast Cancer Wisconsin Diagnostic Dataset.
Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Phonkerxcc/Skin-Lesion-Detection
Skin Lesion Detection Using Convolutional Neural Network
Language: Jupyter Notebook - Size: 181 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

parvvaresh/ETL-news
Language: HTML - Size: 4.76 MB - Last synced at: 3 days ago - Pushed at: 11 months ago - Stars: 20 - Forks: 1

iterative/demo-bank-customer-churn
Demo DVC project training a classification model on tabular data
Language: Jupyter Notebook - Size: 3.24 MB - Last synced at: 5 days ago - Pushed at: about 1 year ago - Stars: 41 - Forks: 48

CLUEbenchmark/DataCLUE
DataCLUE: 数据为中心的NLP基准和工具包
Language: Python - Size: 17.9 MB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 142 - Forks: 17

Ajota25/telco-customer-churn-prediction
An end-to-end machine learning project to predict customer churn in the telecom industry using XGBoost and SHAP explainability.
Language: Jupyter Notebook - Size: 486 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

annarsama/PropertyValues-Prediction
Prediction of property values using machine learning algorithms and about 3 million data
Language: Jupyter Notebook - Size: 224 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

desininja/voice-disorder
Data Science project. ML algorithms to detect voice disorders.
Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 4

cardmagic/classifier
A general classifier module to allow Bayesian and LSI classifications.
Language: Ruby - Size: 106 KB - Last synced at: 2 months ago - Pushed at: 12 months ago - Stars: 664 - Forks: 123

StarlangSoftware/Classification-Cy
Machine learning library for classification tasks
Language: Cython - Size: 1.42 MB - Last synced at: 20 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Prajwal10031999/Sentiment-Analysis-ML-Flask-App
A machine learning end to end flask web app for sentiment analysis model created using Scikit-learn & VADER Sentiment.
Language: Python - Size: 1.88 MB - Last synced at: about 1 month ago - Pushed at: about 4 years ago - Stars: 27 - Forks: 23

siddhant4srivastava/Linear-Model-Regression-and-Classification-
Biulding a real scenario Regression and Classification Algorithms.
Language: Jupyter Notebook - Size: 794 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

JeongsooWon/MeTel
MeTel (Metastasis Teller): Genomic classification of intrapulmonary metastasis and multiple primary lung cancer
Language: Python - Size: 814 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

wonderer007/Naive-Bayes-classifier
Naive Bayes classifier is classification algorithm. It uses Naive based Bernoulli and Multinomial equation to classify documents(Text) as ham or spam.
Language: Java - Size: 1.15 MB - Last synced at: 2 months ago - Pushed at: about 10 years ago - Stars: 6 - Forks: 1

NishkarshRaj/100DaysofMLCode
My journey to learn and grow in the domain of Machine Learning and Artificial Intelligence by performing the #100DaysofMLCode Challenge. Now supported by bright developers adding their learnings :+1:
Language: Jupyter Notebook - Size: 41.2 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 332 - Forks: 168

chicago-joe/Python-ML-for-Financial-Applications
Moody's Bond Rating Classifier and USPHCI Economic Activity Forecast Modeling
Language: Python - Size: 7.06 MB - Last synced at: 5 days ago - Pushed at: about 6 years ago - Stars: 19 - Forks: 6

debanganghosh08/Prime_ML_Model
This is the official repository of Debangan Ghosh. Here I made a Streamlit App for my Fine tuned ML prediction models for MASAI Hackathon
Language: Python - Size: 1.28 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Zero-One12/pH-meter-with-buzzer-alarm
Arduino R3 pH Meter with Display and Buzzer
Language: C++ - Size: 12.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

nano-bot01/Credit-Card-Fraud-Detection-
Credit Card Fraud Detection using Logistic Regression on credit card dataset
Language: Jupyter Notebook - Size: 424 KB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 9 - Forks: 4

RajatDodwadkar/Titanic_Survival_Prediction
Conducted exploratory data analysis (EDA) and implemented machine learning classification models to predict passenger survival outcomes on the Titanic dataset. This project explores key patterns and factors influencing survival rates using real-world data.
Language: Jupyter Notebook - Size: 271 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Alepidoptera7/spring_tension_classifiers
Data mining and search scripts, antisense oligonucleotide prediction for drug discovery.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

capstone-coal/pycoal
Python toolkit for characterizing Coal and Open-pit surface mining impacts on American Lands
Language: Python - Size: 179 MB - Last synced at: 1 day ago - Pushed at: almost 4 years ago - Stars: 29 - Forks: 13

eeyribas/DeepLearning-Classifier
Contains applications related to Deep Learning Classification. The two applications perform classification using different trained models.
Language: Python - Size: 32.7 MB - Last synced at: 4 months ago - Pushed at: 4 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: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Pegah-Ardehkhani/Customer-Churn-Prediction-and-Analysis
Analysis and Prediction of the Customer Churn Using Machine Learning Models (Highest Accuracy) and Plotly Library
Language: Jupyter Notebook - Size: 1.99 MB - Last synced at: 16 days ago - Pushed at: over 2 years ago - Stars: 10 - Forks: 4

niladrighosh03/Classification---Comparison-of-Supervised-Machine-Learning-Algorithms
This project explores supervised machine learning algorithms for heart disease prediction using the UCI Heart Disease Dataset. Various classification models like KNN, SVM, Logistic Regression, Decision Trees, Random Forest, Naïve Bayes, Gradient Boosting, and XGBoost are implemented and compared based on accuracy, precision, recall, and F1-score.
Language: Jupyter Notebook - Size: 4.46 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

bhattbhavesh91/imbalance_class_sklearn
Address imbalance classes in machine learning projects.
Language: Jupyter Notebook - Size: 40.2 MB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 36 - Forks: 38

saro0307/Predicting-Stars-Galaxies-Quasars-with-ML-Model
Python program to Predicting Stars Galaxies Quasars with ML Model
Language: Jupyter Notebook - Size: 408 KB - Last synced at: 17 days ago - Pushed at: about 1 year 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: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

SaulTejedaM/Exanthem-Detection-ML
Machine learning project designed for the clinical classification of exanthematous diseases using medical data, to generate an early and accurate diagnosis of exanthems is crucial for effective treatment and outbreak control.
Size: 16.6 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

AldiPradana-KD/Automatic-Ticket-Classification
This project processes customer complaint data using pandas for data manipulation and applies text preprocessing techniques, including lemmatization, to clean and normalize complaint text. The `tqdm` library provides progress bars for efficient tracking of text processing tasks.
Size: 1.95 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

FadhiilDzaki/Bank_Deposit_Prediction
This project showcases an end-to-end data science solution to predict whether a client will subscribe to a term deposit based on historical marketing data from a Portuguese banking institution. By leveraging machine learning algorithms, the project aims to improve the efficiency and effectiveness of marketing campaigns.
Language: Jupyter Notebook - Size: 1.47 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

lord-shaz/Botnet-Detection
The objective is to build botnet detection system while experimenting with many machine learning classifier algorithm
Language: Jupyter Notebook - Size: 65.4 KB - Last synced at: 15 days ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 2

SanikaVT/Liver-disease-prediction
Machine learning Classification problem with easy understandable solutions
Language: Jupyter Notebook - Size: 417 KB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 18 - Forks: 17

jackaduma/AI-WAF
AI driven Web Application Firewall
Language: Python - Size: 119 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 26 - Forks: 3

WesleyEliel/CCN-Images-Classification
# EN: [ IA ] : Test projet for CNN # FR: [ IA ] : Projet de Test pour les CNN
Language: Python - Size: 1.61 MB - Last synced at: 4 months ago - Pushed at: 4 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: 2 months ago - Pushed at: about 5 years ago - Stars: 9 - Forks: 5

Abhishek-Mallick/Health_Buddy
Health Buddy is a web application that provides essential medical assistance, including predicting brain tumors, detecting retina problems, and finding nearby doctors. With a chatbot feature and AI-powered suggestions, it aims to improve the healthcare experience for users.
Language: HTML - Size: 3.51 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 13 - Forks: 3

sametmemis/IFPIFSC
IFPIFSC
Size: 9.77 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Mai11122006/Iris-ml-classifier
PyTorch model that classifies Iris species based on characteristics about the length and width of sepals and petals.
Language: Python - Size: 24.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

vauxgomes/lad
Open source implementation of Logical Analysis of Data (LAD) Algorithm.
Language: Python - Size: 68.4 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 16 - Forks: 1

MRLintern/NLP_Spam_Pipeline
A Spam Message Detection Application making use of Spark's ML & Data Pipeline Functionality.
Language: Jupyter Notebook - Size: 268 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

kelvinleandro/manim-animations
Animations exploring various concepts in computer science, with a special focus on machine learning and statistics
Language: Python - Size: 6.38 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 1

SloughJE/aerial_straps_classifier
ML classification of aerial straps poses using computer vision. From conception to deployment. Features OpenCV, MediaPipe, Optuna, MLflow, fastAPI, Docker and GCR
Language: Jupyter Notebook - Size: 27.3 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

anushkundu/Student-Performance-Analysis
Exploring Student Performance Factors
Language: Jupyter Notebook - Size: 771 KB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
