GitHub topics: svm-classifier
fitriaaif/bpom-sentiment-using-SVM
Analysis of public opinion sentiment toward BPOM's performance in supervising skincare products using SVM algorithms, as well as ADASYN and PSO methods
Language: Jupyter Notebook - Size: 6.36 MB - Last synced at: about 3 hours ago - Pushed at: about 5 hours ago - Stars: 0 - Forks: 0

Sabaudian/Music_Genre_Classification_project
Audio Pattern Recognition project - Music Genres Classification
Language: Python - Size: 1.33 GB - Last synced at: about 10 hours ago - Pushed at: about 12 hours ago - Stars: 3 - Forks: 0

gaeldatascience/apple-stock-prediction
Predicting whether Apple’s closing price will go up or down on the next trading day by enriching classical time-series features with investor sentiment extracted from StockTwits.
Language: Jupyter Notebook - Size: 62.6 MB - Last synced at: about 11 hours ago - Pushed at: about 13 hours ago - Stars: 2 - Forks: 0

karimova99/ml-models-from-scratch
From‑scratch ML models (linear/logistic regression, SVM, KNN) in Python/NumPy + Jupyter animations for intuition.
Language: Jupyter Notebook - Size: 27.9 MB - Last synced at: about 18 hours ago - Pushed at: about 21 hours ago - Stars: 0 - Forks: 0

Pulkit1704/cancer-classifier
A classification model to classify samples based on their gene expression profiles
Language: Jupyter Notebook - Size: 26 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 0 - Forks: 0

Soumilgit/Datathon_Team-DataP1ac3X.c0m
A modular bank customer churn prediction Core ML project.
Language: Jupyter Notebook - Size: 13.4 MB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 7 - Forks: 0

samira-yousefzadeh/Parkinson-s-Disease-Detection
Machine learning project for early detection of Parkinson’s disease using voice data. Includes preprocessing, feature selection, model training, and evaluation using classifiers like Logistic Regression, KNN, Decision Tree, Random Forest, and AdaBoost. Focused on non-invasive, accurate diagnosis support.
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

LailaMahmoudi/Breast-Cancer-Detection-with-Advanced-Classifiers
Implementation of SVM Classifier To Perform Classification on the dataset of Breast Cancer Wisconin; to predict if the tumor is cancer or not.
Language: Jupyter Notebook - Size: 3.19 MB - Last synced at: 5 days ago - Pushed at: 6 days ago - Stars: 19 - Forks: 6

Awais-Asghar/Skin-Cancer-Binary-Classifier
A machine learning project for binary classification of skin cancer as malignant or benign, utilizing models like XGBoost, LGBM Classifier, Adaboost, SVM, and Logistic Regression. Features comprehensive data preprocessing, model training, and evaluation for accurate diagnosis.
Language: Jupyter Notebook - Size: 5.66 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

RohitXJ/ML-Model-Evaluation-Dashboard
A modular ML evaluation tool with a Streamlit frontend. Upload any CSV dataset, select the target column, apply optional PCA and feature selection, and evaluate Logistic Regression performance with auto/manual top-N feature importance. Built with Scikit-learn, Pandas, and Matplotlib.
Language: Python - Size: 126 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

HvKLeon/text-classification-sentiment-analysis
Text classification of Amazon product reviews as positive or negative
Size: 1.95 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 1

rifat-w/Classification-SVG-model
Classify ozone days using SVM models with 7 years of data. Explore Gaussian RBF and Linear Kernel methods for accurate predictions. 🌍📊
Language: Python - Size: 419 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

jaydenth/Churn-Prediction
This is a School assignment, on churn prediction using scikit learn and traditional ML models
Size: 1000 Bytes - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

Koustav2908/wine-class-prediction
Predicting the class of wine from the wine dataset using classification algorithms like Support Vector Machines (SVM), and K-Nearest Neighbors (KNN)
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

LENGKH/Voice_Classifier
A Python app for classifying voice recordings using KNN and SVM models. Includes a graphical interface for training, evaluating, and classifying audio data with acoustic descriptors. Designed for audio analysis and machine learning experimentation.
Size: 1000 Bytes - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 4 - Forks: 0

vidyasagar982/credit-card-fraud-detection
A machine learning project to detect credit card frauds using real-world transaction data.
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: 10 days ago - Pushed at: 11 days ago - Stars: 0 - Forks: 0

zach10w/IA-Classification-Analysis
This GitHub repository hosts my AI evaluation work, featuring a Kaggle dataset analysis, experiments with three ML algorithms (including hyperparameter tuning), and a detailed exploration of wine quality data through outlier detection, correlation, and normalization techniques.
Language: Jupyter Notebook - Size: 5.59 MB - Last synced at: 12 days ago - Pushed at: 12 days ago - Stars: 0 - Forks: 0

ammar1980-max/chd-classifier
Predict Coronary Heart Disease risk using machine learning. Explore key models and predictive factors for accurate diagnosis. 🐙📊
Language: Jupyter Notebook - Size: 2.12 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

samira-yousefzadeh/Python
This repository offers a comprehensive tutorial to help learners grasp the fundamentals of Machine Learning and Pandas. It includes step-by-step guides, practical examples, and code implementations, designed for those looking to build a strong foundation in data analysis and machine learning techniques.
Language: Jupyter Notebook - Size: 27.6 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 1 - Forks: 0

Ishani1204/QML_UnlabelledPrediction
This project is based on prediction and analysis of unlabeled data using Quantum Machine Learning.
Language: Python - Size: 1.83 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

Awais-Asghar/DSP-Based-Music-Genre-Classifier
A real-time music genre classification system that combines classical machine learning techniques with a CNN trained on mel-spectrograms. The hybrid model utilizes DSP-based feature extraction and ensemble learning to achieve high accuracy and low latency for practical audio applications.
Language: MATLAB - Size: 7.82 MB - Last synced at: 13 days ago - Pushed at: 13 days ago - Stars: 0 - Forks: 0

Ahmet904-beep/computer-vision-parking-lot
This project leverages computer vision techniques to analyze parking lot occupancy. The goal is to detect available parking spaces in real-time using image and video input.
Language: Jupyter Notebook - Size: 38.1 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 0 - Forks: 2

floriankulig/chd-classifier
This project applies machine learning techniques to predict Coronary Heart Disease (CHD) risk using medical data. The goal is to identify the most accurate classification model and discover the most predictive factors for CHD diagnosis.
Language: Jupyter Notebook - Size: 2.12 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 1 - Forks: 0

Ayush-Bitla/PRODIGY_ML_03
Cat vs Dog Classification using SVM
Language: Python - Size: 1.49 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0

Parzigit/Image-Processing-DL
Dragon fruit maturity detection using image processing utilizing deep learning techniques
Language: Jupyter Notebook - Size: 3.05 MB - Last synced at: 15 days ago - Pushed at: 15 days ago - Stars: 2 - Forks: 0

samuelAemro12/MachineLeraning_SchoolProject-
A machine learning school project, completed on Google Colab, Classify Case instances of whether there is a recurrence-case or no-recurrance-case of breast cancer
Language: Jupyter Notebook - Size: 256 KB - Last synced at: 7 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

danielway2k3/Pattern-Recognition
This repo represents Midterm project on Pattern Recognition subject of HCMUS
Language: Jupyter Notebook - Size: 339 MB - Last synced at: 16 days ago - Pushed at: 17 days ago - Stars: 2 - Forks: 0

Naidu-DS-2026/IMDb-Sentiment-Analysis-NLP
Sentiment analysis project using IMDb dataset
Language: Jupyter Notebook - Size: 391 KB - Last synced at: 17 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

TanayBhadula/phishing-website-detection
A web application to predicted whether a URL/Website is phishing or not by extracting its lexical features.
Language: Jupyter Notebook - Size: 1.48 MB - Last synced at: 7 days ago - Pushed at: almost 3 years ago - Stars: 7 - Forks: 0

sanadollu/AerialVehicleDetectionProject
This project addresses an image classification task using both traditional machine learning algorithms (HOG + ML) and a deep learning approach (CNN). The goal is to compare these methods in terms of accuracy, generalization, and practical performance.
Language: Jupyter Notebook - Size: 50.8 MB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - Forks: 0

Simran0192004/Face_Lie_Detector
A micro-expression-based lie detection system that classifies human facial cues as truthful or deceptive using Kernel Support Vector Machine. Built with real image data, grayscale pre-processing, and SVM's nonlinear power to detect subtle emotional patterns beyond the naked eye.
Language: Jupyter Notebook - Size: 125 KB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 0 - Forks: 0

Apaulgithub/Cardiovascular_Risk_Prediction
Machine learning project for cardiovascular risk prediction. The goal is to predict whether the patient has a 10-year risk of future coronary heart disease (CHD)
Language: Jupyter Notebook - Size: 28.2 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 2 - Forks: 0

eloquentarduino/EloquentArduino
IO, scheduling, utils, machine learning... for Arduino
Language: C++ - Size: 1.19 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 168 - Forks: 58

prokriti11/AgroShield-AI-Powered-Crop-Disease-Detection
About An AI-driven platform offering crop recommendations, fertilizer suggestions, and disease detection for optimal farming.
Language: Jupyter Notebook - Size: 5.85 MB - Last synced at: 22 days ago - Pushed at: 23 days ago - Stars: 0 - Forks: 0

keerthivnair/License-plate-recognition-system
License plate number detection using skimage and ML using Support Vector Classifier . Tested and predicted with an accuracy of 95.51%
Language: Jupyter Notebook - Size: 7.47 MB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

thelakshyadubey/Automatic_Ticket_Classification_Tool
Automatic ticket classification and document QA system with Pinecone vector search, GROQ LLaMA-3, and SVM-based department prediction
Language: Python - Size: 4.72 MB - Last synced at: 27 days ago - Pushed at: 27 days ago - Stars: 1 - Forks: 0

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

tasninanika/Australian-Credit-Approval-Analysis-SVM
This project uses a Support Vector Machine (SVM) Classifier to predict whether a credit application is approved (1) or denied (0) based on applicant features.
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 29 days ago - Pushed at: 29 days ago - Stars: 0 - Forks: 0

chawthinn/campus-placement-prediction
This project uses the Kaggle competition dataset from the "ML with Python Course Project" to predict campus recruitment outcomes. It includes preprocessing, EDA, feature engineering, and model training using classification algorithms such as Logistic Regression, Decision Tree, and K-Nearest Neighbors.
Language: Jupyter Notebook - Size: 729 KB - Last synced at: 30 days ago - Pushed at: 30 days ago - Stars: 0 - Forks: 0

tasninanika/Iris-Species-Prediction-SVM
Support Vector Machine (SVM) is a supervised machine learning algorithm used for classification and regression tasks.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

devsignedbyshreya/SDG_New_article_categorization
Categorization of News Articles Based on the 17 United Nations Sustainable Development Goals (SDGs)
Language: Jupyter Notebook - Size: 3.61 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

soheb120/Breast-Cancer-Classification
This repository contains a notebook for classifying breast cancer tumors using neural networks. It covers dataset exploration, model training with TensorFlow and Keras, and performance evaluation. 🩺💻
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Twistedfrost/best-of-ml-python
Explore the best machine learning libraries in Python. Stay updated with weekly rankings and contributions. Join the community! 🐙🌟
Size: 16 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

SamTseng/Chinese_Humor_MultiLabeled
Human labeled Chinese jokes and their verification codes in Python
Language: Jupyter Notebook - Size: 2.68 MB - Last synced at: 1 day ago - Pushed at: over 3 years ago - Stars: 9 - Forks: 1

Doctorado-ML/STree
Oblique Tree classifier based on SVM nodes
Language: Python - Size: 10.6 MB - Last synced at: 3 days ago - Pushed at: about 1 month ago - Stars: 9 - Forks: 1

neelanshu7/Breast_Cancer_Prediction
Language: Jupyter Notebook - Size: 1.46 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

thieu1995/mafese
Feature Selection using Metaheuristics Made Easy: Open Source MAFESE Library in Python
Language: Python - Size: 4.48 MB - Last synced at: 22 days ago - Pushed at: about 2 months ago - Stars: 81 - Forks: 25

acelyavul/HIGGS_ml_project
HIGGS Boson Classification: Model Comparison Using ROC-AUC
Language: Jupyter Notebook - Size: 107 KB - Last synced at: 28 days ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Okh2891996/speech-emotion-cnn-pca-nmf
Reproducible EE8104 project – cross-corpus speech-emotion recognition on TESS + RAVDESS using MFCC extraction, PCA/NMF compression, and CNN / SVM baselines (91–92 % top accuracy).
Language: Jupyter Notebook - Size: 2.29 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

dmazilkin/ML-SVM
SVM from scratch.
Language: Python - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

DeshwalX/diabetes-prediction-svm
My first ML project using SVM to predict diabetes
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

JoyM268/sdmcet-aiml
Repository of all the programs taught in AIML Lab at SDMCET, 2025
Language: Jupyter Notebook - Size: 5.04 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

heozaeseok/prediction_of_employee_departures
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

CrispenGari/ml-2023
💹📉📊📈This repository contains some machine leaning task that I did from the year 2023.
Language: Jupyter Notebook - Size: 18.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

bongssss/ML-
This project implements and evaluates multiple supervised machine learning models to classify heartbeat signals from ECG (Electrocardiogram) data into arrhythmia types using the MIT-BIH Arrhythmia Dataset.
Language: Jupyter Notebook - Size: 4.31 MB - Last synced at: 26 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

NushratJabenAurnima/Autism_Detection_Using_ML
Machine learning project to classify Autism Spectrum Disorder using behavioral and demographic data.
Language: Jupyter Notebook - Size: 454 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 1

otuemre/EmailPhishingDetection
A real-time phishing email detection system using Machine Learning (SVM, Logistic Regression, Naive Bayes) with FastAPI backend and custom domain deployment.
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

gharib-uk/Predictive-Maintenance-on-NASA-Turbofan-JetEngine
Language: Jupyter Notebook - Size: 39.1 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

halacoded/Chess-Opening-Classifier
Train classification models to predict the chess opening based on the first few moves.
Language: Jupyter Notebook - Size: 708 KB - Last synced at: 26 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

tdattm/wisconsin-breast-cancer-classification
Dự án này sử dụng các thuật toán machine learning bao gồm học có giám sát (KNN, hồi quy Logistic, SVM,...), học không giám sát (PCA, K-means) và các kỹ thuật giảm chiều để phân loại ung thư vú dựa trên bộ dữ liệu Wisconsin. Phù hợp để học tập về khoa học dữ liệu và ứng dụng thực tế trong phân tích dữ liệu y tế..
Language: Jupyter Notebook - Size: 7.64 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Ashbyt/Python
Ashley Bythell - Python
Language: Jupyter Notebook - Size: 5.62 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

dshirya/Supervised-ML-tool
Supervised machine learning classification of the binaries compounds
Language: Python - Size: 18.7 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

sagarprajapat2004/Spam_Ham_Classification
A Data Science&Machine Learning&NLP-powered Flask Web Application that classifies Email/SMS messages as either Spam or Ham (Not Spam).
Language: Jupyter Notebook - Size: 2.55 MB - Last synced at: 8 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

mraselm/case-study-estimate-mobile-price
Builds a classification model to predict mobile phone price tiers based on specifications like RAM, screen size, camera quality, and battery power. Ideal for guiding pricing strategy in the mobile market.
Language: R - Size: 448 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

auralius/AEK3LBB3
SISTEM BIOMEDIKA CERDAS (Intelligent Biomedical Systems / AEK3LBB3)
Language: Jupyter Notebook - Size: 71.2 MB - Last synced at: 15 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Mahtab-Shabani/Neural-Network-SVM
Language: MATLAB - Size: 17.6 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

vivekkdagar/fake-news-detector
A Streamlit app for classifying news as Real or Fake using ML models, with metrics and PDF reports.
Language: Python - Size: 161 KB - Last synced at: about 1 month ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

prasannaghimiree/Comparision-of-Algorithms-In-Driver-Drowsiness-Detection
Comparision of algorithms in between CNN and SVM for realtime Drowsiness Detection
Language: Jupyter Notebook - Size: 1.18 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

KashifMoin1410/Computer-Vision-Traditional-vs.-Deep-Learning-Approaches
This project compares traditional Bag-of-Words with SVM and a custom ResNet-style CNN for image classification on the CIFAR-10 dataset. It covers the full workflow: feature extraction, model building, training, evaluation, and visualization. Results demonstrate the superior accuracy and robustness of deep learning models over classic ML pipelines.
Language: Jupyter Notebook - Size: 21.7 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

Hitanshu-Varia/Diabetes_Prediction_using_SVM
Diabetes Prediction
Language: Jupyter Notebook - Size: 21.5 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

SherineTarek224/Credit_Score
This repo is for credit score classification based on financial and demographic data. using supervised machine learning algorithms
Language: Jupyter Notebook - Size: 2.02 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

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.
Language: Jupyter Notebook - Size: 31.3 MB - Last synced at: about 1 month ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 13

juniors719/dry_bean_classifier
Dry bean seed classification using ML models
Language: Jupyter Notebook - Size: 6.99 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

amineHorseman/facial-expression-recognition-svm
Training SVM classifier to recognize people expressions (emotions) on Fer2013 dataset
Language: Python - Size: 4.08 MB - Last synced at: about 2 months ago - Pushed at: almost 7 years ago - Stars: 173 - Forks: 63

jyotipmahes/Implementation-of-ML-algos-in-Python
Implementing various machine learning algorithm from scratch
Language: Jupyter Notebook - Size: 369 KB - Last synced at: 27 days ago - Pushed at: over 6 years ago - Stars: 24 - Forks: 10

shubh637/Coronavirus-Outbreak-Prediction-using-ML
This project focuses on predicting coronavirus outbreaks using machine learning techniques, specifically Support Vector Machines (SVM). The model analyzes various features related to COVID-19 cases to predict the likelihood of an outbreak in different regions.
Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - 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: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

mahnoorsheikh16/Sketchify-A-Quick-Draw-drawing-classifier
Implementation of a sketch‐recognition pipeline inspired by Google’s Quick, Draw!—from raw stroke data to prediction. Includes data preprocessing and feature‐engineering scripts, three Bayesian classifiers alongside Logistic Regression, SVM, K-NN and XGBoost baselines, and an RNN model.
Language: Jupyter Notebook - Size: 6.11 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

m0h1t98/Disease-prediction-using-ML
Disease prediction using Machine Learning. This is a classification problem. The objective of this project was to classify the disease based on the symptoms.
Language: Python - Size: 2.4 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 9 - Forks: 2

hydraharish123/Alzheimer-disease-classification
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Edopramudya/Support-Vector-Machine-SVM-Classification---From-Scratch-Library
implementasi algoritma Support Vector Machine (SVM) untuk klasifikasi data sederhana (berbasis berat dan tinggi badan) ke dalam dua kelas: soccer dan sumo.
Language: Jupyter Notebook - Size: 137 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ugyenn-tsheringg/Precision-Spam-Detection-Using-Multinomial-Naive-Bayes
This project implements a machine learning-based spam detection system to classify SMS messages as either spam or ham (non-spam).
Language: Jupyter Notebook - Size: 783 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0

ErikJSchmidt/DSGVO_handler
Project to automatically remove text related to GDPR/DSGVO from HTML when crawling websites.
Language: HTML - Size: 25.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Haseeeb21/Machine-Learning-Models
Machine Learning Models trained on Scikit-learn datasets. This repository contains the code files and saved models trained on Toy datasets (Classification & Regression), and Real World dataset.
Language: Jupyter Notebook - Size: 10.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

raaaouf/Email-Spam-Classifier
a maching learning model to automating the detection of spam in emails
Language: Jupyter Notebook - Size: 132 KB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

Neeraj4002/SVM_Fish-Detection
ML app for early prediction Fish disease using Water Quality instead of images
Language: Python - Size: 515 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

narpat78/Image-Classification-using-SVM
An image classifier built using Support Vector Machine (SVM) to distinguish between three categories of images. Deployed via an interactive Streamlit web application.
Language: Jupyter Notebook - Size: 228 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

fdesjardins/surface-estimation-and-image-relighting
Illumination registration, surface estimation, and physically-based image relighting
Language: Python - Size: 49.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 12 - Forks: 3

Arj1998/Credit_Risk_Assessment_model-
A machine learning project to predict credit risk using Logistic Regression, SVC, and Random Forest, with model tuning via GridSearchCV and evaluation using standard classification metrics.
Language: Jupyter Notebook - Size: 1000 Bytes - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

masoudshahrian/DataScience
AI Machine learning Deep learning Projects with code
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 3 - Forks: 0

tejaswirupa/Exploring-Home-Ownership-with-Support-Vector-Machines
Used SVM with various kernels to predict home ownership status based on census data. Identified age, number of bedrooms, and household size as top factors influencing ownership.
Language: HTML - Size: 12.1 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ArunabhaPani/Credit_risk_Assesment
A machine learning project to predict credit risk using Logistic Regression, SVC, and Random Forest, with model tuning via GridSearchCV and evaluation using standard classification metrics.
Language: Jupyter Notebook - Size: 316 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

syeda434am/Suicide-Ideation-Detection
This repository aims to address the critical issue of identifying and understanding suicide ideation in social media conversations, specifically focusing on Twitter data.
Language: Jupyter Notebook - Size: 4.35 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

havva-nur-ezginci/ML-Applications
💡This project involves the implementation of machine learning (ML) algorithms 💻🔍on various datasets.
Language: Jupyter Notebook - Size: 4.08 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

amazingcoderpro/flight-delay-prediction
2018年全球程序员大赛参赛作品, 在给定的数据基础上,加上自己采集的飞机、天气等影响因子, 利用svm算法预测航班延误率.
Language: Python - Size: 7.2 MB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 9 - Forks: 4

Aashi2608/Machine-Learning
A collection of machine learning projects, including Wine Quality Prediction, showcasing data preprocessing, model training, and evaluation using Random Forest, SVM, and KNN algorithms.
Language: Jupyter Notebook - Size: 133 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

reputed-artist/Liver-Disease-Prediction-using-Ensemble-Machine-Learning-Method
Master degree project for liver disease prediction. i have improved the code reaching its accuracy to 98-99% from 70%.
Language: Jupyter Notebook - Size: 354 KB - Last synced at: 6 days ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

MUHAMMADAKMAL137/Optuna-based-Hyperparameter-Optimization-for-Machine-Learning-Models-Static-and-Dynamic-Tuning
This Optuna-based hyperparameter optimization study performs both static and dynamic tuning of hyperparameters for machine learning models (SVM, RandomForest, and GradientBoosting) to maximize accuracy. It tracks and analyzes model performance, displays the best trial results, and compares the average performance of each classifier.
Language: Jupyter Notebook - Size: 41 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

subhas-pramanik-09/MediScan-AI
A smart and scalable ML-powered health prediction system that can help detect the risk of three major diseases: Diabetes + Heart Disease + Parkinsons Disease
Language: Jupyter Notebook - Size: 45.9 KB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

czarekmilek/Music-Genre-Classifier Fork of thammpiotr/Music-Genre-Classifier
Machine Learning project of a music genre classifier.
Language: Python - Size: 2.65 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
