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

Projects in Awesome Lists tagged with support-vector-machine

A curated list of projects in awesome lists tagged with support-vector-machine .

https://github.com/mbeyeler/opencv-machine-learning

M. Beyeler (2017). Machine Learning for OpenCV: Intelligent image processing with Python. Packt Publishing Ltd., ISBN 978-178398028-4.

bayesian-learning classifying-handwritten-digits conda-environment decision-tree jupyter-notebook machine-learning opencv python support-vector-machine

Last synced: 16 May 2025

https://github.com/skylark0924/machine-learning-is-all-you-need

🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!

actor-critic convolutional-neural-networks ddpg decision-trees deep-reinforcement-learning dqn gan k-nearest-neighbours keras logistic-regression lstm naive-bayes-classifier ppo pytorch qlearning random-forest resnet support-vector-machine tensorflow trpo

Last synced: 05 Apr 2025

https://github.com/je-suis-tm/machine-learning

Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression

batch-gradient-descent dbscan em-algorithm expectation-maximization expectation-maximization-algorithm factor-analysis independent-component-analysis k-nearest-neighbors lasso-regression latent-semantic-analysis linear-discriminant-analysis low-rank-approximation multinomial-naive-bayes naive-bayes newton-method ridge-regression sequential-minimal-optimization singular-value-decomposition stochastic-gradient-descent support-vector-machine

Last synced: 09 Apr 2025

https://github.com/hongzhaohua/jstarcraft-ai

目标是提供一个完整的Java机器学习(Machine Learning/ML)框架,作为人工智能在学术界与工业界的桥梁. 让相关领域的研发人员能够在各种软硬件环境/数据结构/算法/模型之间无缝切换. 涵盖了从数据处理到模型的训练与评估各个环节,支持硬件加速和并行计算,是最快最全的Java机器学习库.

algorithm dl4j java linear machine-learning nd4j nearest-neighbor neural-network probabilistic-graphical rule structure support-vector-machine tree

Last synced: 09 Apr 2025

https://github.com/ayrna/orca

Ordinal Regression and Classification Algorithms

machine-learning matlab octave ordinal-classification ordinal-regression support-vector-machine

Last synced: 12 May 2025

https://github.com/dgriffiths3/ml_segmentation

Machine learning semantic segmentation - Random Forest, SVM, GBC

image-segmentation machine-learning python random-forest segmentation support-vector-machine

Last synced: 08 May 2025

https://github.com/cloudera/cml_amp_anomaly_detection

Apply modern, deep learning techniques for anomaly detection to identify network intrusions.

anomaly-detection autoencoder generative-adversarial-network principle-component-analysis support-vector-machine tensorflow

Last synced: 13 Apr 2025

https://github.com/mljs/svm

Support Vector Machine in Javascript

javascript support-vector-machine svm svm-classifier svm-model

Last synced: 21 Apr 2025

https://github.com/beegass/self-taught-machine-learning

I have had trouble in the past finding a place where I could learn about statistical learning algorithms, resources as to how to learn them and the code associated with it. This is my attempt at remedying that issue.

lecture linear-regression machine-learning statistical-learning support-vector-machine

Last synced: 21 Sep 2025

https://github.com/shaadclt/multiple-disease-prediction-system

The Multiple Disease Prediction project aims to create a user-friendly web application that allows users to input relevant medical information and receive predictions for different diseases.

logistic-regression support-vector-machine

Last synced: 10 Apr 2025

https://github.com/ksdkamesh99/ml-in-dava

The repository contains various python jupyter notebooks of predicting different medical diseases from various open source datasets.The following medical diseases predicted are cancer,,diabeties,kidney diseases,heart disease,liver diseases,spine disease using variou machine learning classification algorithms like KNN,Logistic Regression,Support Vector Machine,Decision Tree,Random Forest

decision-tree heatmap knn logistic-regression machine-learning medicine random-forest sklearn support-vector-machine

Last synced: 12 May 2025

https://github.com/labrijisaad/twitter-sentiment-analysis-with-python

I aim in this project to analyze the sentiment of tweets provided from the Sentiment140 dataset by developing a machine learning sentiment analysis model involving the use of classifiers. The performance of these classifiers is then evaluated using accuracy and F1 scores.

accuracy-score bernoulli-naive-bayes confusion-matrix f1-score lemmatization logistic-regression machine-learning nlp roc-auc-curve sentiment-analysis sentiment140-dataset stemming support-vector-machine tokenization twitter-sentiment-analysis

Last synced: 08 Apr 2025

https://github.com/kwanit1142/human-detection-from-infrared-images

Using Support Vector Machine and Extracting Histogram of Oriented Gradient Features

histogram-of-oriented-gradients infrared-images jupyter-notebook python sliding-windows support-vector-machine

Last synced: 28 Oct 2025

https://github.com/bhattbhavesh91/svm-kernel-trick

To deal with non-linearly separable we use SVM's Kernel Trick which maps data to higher dimension!

kernel-trick rbf-kernel support-vector-machine svm svm-classifier svm-kernel

Last synced: 17 Apr 2025

https://github.com/madeyoga/face-recognition

Train SVM & KNN model for face recognition with the help of "The world's simplest facial recognition api for Python and the command line"

face-recognition knearest-neighbor-classifier sklearn support-vector-machine svm svm-classifier

Last synced: 28 Oct 2025

https://github.com/bobld/pdfpigsvmregionclassifier

Proof of concept of a simple SVM Region Classifier using PdfPig and Accord.Net. The objective is to classify each text block in a pdf document page as either title, text, list, table and image.

accord-net csharp document-layout-analysis machine-learning pdf pdf-document pdfpig publaynet support-vector-machine svm svm-classifier svm-training

Last synced: 14 Apr 2025

https://github.com/qw3rtman/random-feature-maps

Fast Random Kernelized Features: Support Vector Machine Classification for High-Dimensional IDC Dataset

kernel-methods random-features support-vector-machine svm-classifier

Last synced: 14 Apr 2025

https://github.com/jasmine1601/sentiment-analysis-using-svm

Sentiment analysis of customer reviews for various Amazon Alexa products.

nlp-machine-learning sentiment-analysis support-vector-machine

Last synced: 08 May 2025

https://github.com/xrce/sentiment-analysis

Sentiment analysis from twitter posts using SVM

lexicon sentiment-analysis support-vector-machine text-classification

Last synced: 31 Jul 2025

https://github.com/gokulnpc/chronic-kidney-disease-prediction

This we app is created to predict the chronic kidney disease using the data from the UCI Machine Learning Repository. The dataset is used to build a machine learning model to predict the chronic kidney disease based on the input parameters.

machine-learning streamlit support-vector-machine

Last synced: 16 Oct 2025

https://github.com/jennndol/voice-analyzer

Voice Analyzer: Specialized in emotion detection, this Matlab app focuses on discerning anger and normal tones. Experience targeted insights, offering a nuanced perspective on voice sentiments.

formant-detection fourier-transform hamming machine-learning matlab pitch-detection support-vector-machine

Last synced: 12 Jul 2025

https://github.com/labrijisaad/diabetes-prediction-using-machine-learning

In this example of classification problem, we will try to find the best model for our dataset to predict diabetes using machine learning in Python.

k-nearest-neighbour support-vector-machine

Last synced: 25 Jun 2025

https://github.com/mardavsj/mushroom-classification

This repository classifies mushrooms as poisonous or edible using various machine learning algorithms

classification-algorithims decision-tree-classifier machine-learning-algorithms naive-bayes-classifier python support-vector-machine

Last synced: 08 Apr 2025

https://github.com/duyndh98/digitalrace_2017-2018_universityround

Cuộc đua số (2017 -2018) University Round - Detect and Recognize Traffic Signs using OpenCV and Machine Learning

computer-vision image-processing opencv python support-vector-machine traffic-sign-detection traffic-sign-recognition

Last synced: 24 Oct 2025

https://github.com/harshd23/attendance_system_using_face_recognition

The purpose of this Attendance System Using Face System is to record the presence or attendance of employee through a browser by recognizing the faces captured through a webcam. For this record-keeping, a database was built to store the in-time and out-time of the employee.

attendance-management-system face-recognition histogram-of-oriented-gradients machine-learning opencv scikit-learn sqlite-database support-vector-machine

Last synced: 26 Oct 2025

https://github.com/daelsepara/supportvectormachinecpp

Support Vector Machine Trainer in (C/C++)

machine-learning support-vector-machine svm

Last synced: 17 Dec 2025

https://github.com/souvikmajumder26/ieee-ecg-ensemble-xgboost

👨‍💻 Developed AI Models - Ensemble of Random Forest & SVM and XGBoost classifiers to classify five types of Arrhythmic Heartbeats from ECG signals - published by IEEE.

data-science ensemble-classifier ensemble-learning ensemble-machine-learning ensemble-model machine-learning matplotlib numpy pandas python python3 random-forest scikit-learn scikit-learn-python scikitlearn-machine-learning support-vector-machine svm svm-classifier svm-model xgboost

Last synced: 30 Dec 2025

https://github.com/mohammed-raafat/character-recognition-project

The project classifies characters (Hand-Written) by three algorithms Weighted kNN, Bayesian and SVM (using MATLAB R2016b and App Design GUI)

artificial-intelligence bayesian-algorithm deep-learning knn-algorithm machine-learning matlab-gui neural-network pattern-recognition support-vector-machine

Last synced: 24 Dec 2025

https://github.com/billy-enrizky/dgf-analysis

DGF AI Analysis, from Exploratory Data Analysis, Handling Missing Data, to Predicting DGF with various Machine Learning Model such as Logistic Regression, Support Vector Machine, Gradient Boosting, and Random Forest

data-analysis data-science exploratory-data-analysis machine-learning support-vector-machine

Last synced: 04 Aug 2025

https://github.com/ikram-maulana/sentiment-analysis-simulation

😊😐😠 A Next.js website that serves as a tool to simulate the sentiment and aspect classification process using the Support Vector Machine (SVM) algorithm

classification nextjs reactjs sentiment-analysis support-vector-machine svm-classifier

Last synced: 07 Sep 2025

https://github.com/praatibhsurana/dwdm-project

Comparing results of various algorithms on an email spam classification task for a college mini project.

gru lstm naive-bayes-classifier support-vector-machine

Last synced: 31 Mar 2025

https://github.com/silviucpp/esvm

An erlang library for Support Vector Machine (SVM) classification and regression

erlang support-vector-machine svm

Last synced: 16 Mar 2025

https://github.com/bestmahdi2/uni__pythonsupportvectormachinesbinaryclassification

A university project in which the binary classification of support vector machines is implemented with Python language

binary-classification classification matplotlib numpy python scikit-image scikit-learn seaborn support-vector-machine svm

Last synced: 31 Dec 2025

https://github.com/anvesham/predicting_customer_churn_neural_network

A Comparative Study in Customer Churn Prediction through Multilayer Perceptrons and Support Vector Machines

multilayer-perceptron python pytorch roc-curve sklearn-library smoteenn support-vector-machine voting-classifier

Last synced: 05 Mar 2025

https://github.com/bipinoli/svm-from-scratch

Support Vector Machine (SVM) a machine learning algorithm implemented from scratch.

convex-optimization from-scratch kernel-functions multiclass-classification sequential-minimal-optimization support-vector-machine svm

Last synced: 25 Oct 2025

https://github.com/nirmalyabag20/loan-status-prediction-using-machine-learning

This project focuses on predicting the loan status (approved or not approved) based on various applicant details. The goal is to develop a machine learning model that accurately classifies whether a loan should be approved, helping financial institutions make informed lending decisions.

matplotlib numpy pandas python scikit-learn seaborn support-vector-machine

Last synced: 05 Apr 2025

https://github.com/sonu275981/breast-cancer-prediction

Breast Cancer Classification using Machine learning is widely used in bioinformatics and particularly in breast cancer diagnosis. In this project, certain classification methods such as K-nearest neighbours (K-NN), Support Vector Machine (SVM), GaussianNB and Random Forest which is a supervised learning method to detect breast cancer are used.

breast-cancer-prediction breastcancer-classification cancer classification-model knearest-neighbor-classifier logistic-regression machine-learning medical python random-forest supervised-learning support-vector-machine

Last synced: 10 Apr 2025

https://github.com/md-emon-hasan/7-explore-different-classifier-ml-app

A project exploring various classification algorithms, showcasing their implementation, comparison, and evaluation using Python and scikit-learn.

k-nearest-neighbors knn random-forest sckit-learn streamlit support-vector-machine svm

Last synced: 14 Jun 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/daelsepara/svmclassifier

Support Vector Machine Classifier

machine-learning support-vector-machine svm

Last synced: 17 Dec 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: 30 Dec 2025

https://github.com/daelsepara/supportvectormachinejs

Support Vector Machine Classifier implmented in AngularJS 1.7.x

angularjs support-vector-machine svm

Last synced: 17 Dec 2025

https://github.com/munterfi/modeling-dialect-regions

Generating continuous spatial surfaces for the manifestations of various linguistic phenomena in the Swiss-German language.

energy-minimization geography least-cost-paths linguistic-regions linguistics markov-random-field modeling spatial-analysis support-vector-machine

Last synced: 28 Nov 2025

https://github.com/farooqueesamiya/social-network-ads-classification-models

In this repository, we will explore different classification models to predict whether a user will purchase a product based on age and estimated salary.

classification-model decision-tree-classifier knn-classifier linear-kernel logistic-regression naive-bayes-classifier random-forest-classifier rbf-kernel support-vector-machine svc-model

Last synced: 03 Jan 2026

https://github.com/ankushmallick1100/Diabetes-Prediction-of-Females-using-Maching-Learning-Techniques

This is a machine learning project 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 , LRwith CV, NB Classifier, and XGB are used. For this work, a website is made with Python Streamlit library. Paper is ongoing.

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: 29 Sep 2025

https://github.com/hk-kumawat/multi-disease-predictor-diabetes-heart-parkinsons

🏥 An ML-powered tool that detects the likelihood of diabetes, heart disease, and Parkinson's based on user input health parameters.

diabetes-prediction healthcare heart-disease-prediction knn logistic-regression machine-learning naive-bayes parkinsons-disease-detection python streamlit support-vector-machine

Last synced: 04 Sep 2025

https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab

This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.

activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine

Last synced: 14 May 2025

https://github.com/jubinjacob03/heartdiseaseclassify-ml

Heart Disease Dataset Analysis & Classification using ML models such as linear, support vector machine, k-means, k-nearest neighbors and logistic regression.

data-analysis data-science data-visualization ipython-notebook kaggle-dataset kmeans knn linear-regression logistic-regression machine-learning matplotlib python seaborn support-vector-machine

Last synced: 06 Apr 2025

https://github.com/ghazaleze/investigate_classifiers

The point is to investigate three types of classifiers (linear classifier with feature selection, linear classifier without feature selection, and a non-linear classifier) in a setting where precision and interpretability may matter.

feature-selection l2-regularization large-scale lasso-regression machine-learning random-forest-classifier support-vector-machine svm-classifier

Last synced: 06 Aug 2025

https://github.com/vikascd/netflix-recommender-system

Sistema de recomendación de títulos de Netflix basado en contenido. Incluye filtros por título, género y tipo de contenido (películas o series) con interfaz interactiva en Jupyter Notebook.

dbscan expectation-maximization-algorithm factor-analysis google-colab heroku jupyter-notebook linear-discriminant-analysis matrix-decompositions multinomial-naive-bayes naive-bayes netflix-recommendation-system paper-implementations pearson-correlation support-vector-machine

Last synced: 14 Jul 2025