svm-training
There are 93 repositories under svm-training topic.
febeling/rb-libsvm
Ruby language bindings for LIBSVM
uricamic/clandmark
Open Source Landmarking Library
jhu-lcsr/sp_segmenter
Superpixel-based semantic segmentation, with object pose estimation and tracking. Provided as a ROS package.
Zigarov/SoC-Estimation-SVR
Example of Machine Learning application: State of Charge estimation of a battery using SVR
OmkarPathak/Password-Strength-Evaluator-using-Machine-Learning
My TE Seminar mini project
shvmshukla/Speaker-Change-Detection
Speaker Diarization is the first step in many early audio processing and aims to solve the problem ”who spoke when”. It therefore relies on efficient use of temporal information from extracted audio features.
javascript-machine-learning/svm-spam-classifier-javascript
🍃 Spam Classifier with Data Preparation and Support Vector Machine (SVM)
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.
Hulkido/Fisheriris_MATLAB
Fisheriris dataset classifier in Matlab
JrobT/PyFaceProject
An undergraduate project to evaluate classifiers for facial expression recognition.
coderhersh/Credit-Card-Fraud-Detection
This is a machine learning project made on Credit Card Fraud Detection. The data is taken from Kaggle. Different classification machine learning algorithms have been applied to get the maximum accuracy.
MRColorR/SVM_ADMM-Distributed
Project to Solve a SVM fitting problem in MATLAB using a consensus distributed ADMM approach and CVX. Two SMW has been trained and tested on different datasets.
sanjaykrishnagouda/Anomaly-Detection
Easy to understand classification problem from a highly skewed kaggle dataset. Solved using logistic regression and SVM, code inspired from top contributor.
shamspias/AgriAid
AgriAid is an AI-powered tool for farmers & agricultural agents in Bangladesh, offering plant disease forecasting & identification. Using machine learning, deep learning & Python, it helps increase crop yield & food security.
hemantghuge/Machine_Learning_Elective_III
SPPU - BE ENTC (2015 Pattern) - Elective III
juliusberner/svm_tf_pytorch
Soft-margin SVM gradient-descent implementation in PyTorch and TensorFlow/Keras
nasa-jpl-memex/sce-domain-discovery
Domain Discovery for the Sparkler Crawl Environment
omerfarukeker/SVM-Decision-Boundary-Animator
Animates the SVM Decision Boundary Hyperplane on the Iris data
BALaka-18/SVM-Series
A series of notebooks on Support Vector Machine algorithm
bharathsudharsan/Edge2Train
Code for IoT paper 'Edge2Train: a framework to train machine learning models (SVMs) on resource-constrained IoT edge devices'
dylanmann/SVM-Rank-Readability
Using Stanford CoreNLP and SVM-Rank in a Supervised Approach to Text Difficulty Ranking
J4NN0/machine-learning-pca-svm
PCA applied on images and Naive Bayes Classifier to classify them. Validation, cross validation and grid search with multi class SVM
kshitizrohilla/user-purchase-prediction-and-classification-using-support-vector-machine-algorithm
This project implements the Support Vector Machine (SVM) algorithm for predicting user purchase classification. The goal is to train an SVM classifier to predict whether a user will purchase a particular product or not.
RavinduHasithanjana/Throtale---Expert-System-for-Automating-API-Throttling
Throtale is a Automated API throttling system (Rate-limiting) open source project it will predict dynamically the rate limit at particular time periods.
stutisehgal/Machine-Learning-Project
Handwritten Digit Recognition Model
akashg94/StockMarketAnalysisAndMLPrediction
Stock market analsis with python tools
ALEXUSCR-27/Amazon-Books-Genre-Classifier
This classifier predicts the genre of books based on titles or descriptions using a Machine Learning model trained on an Amazon books dataset.
ikkkp/SDP-BaseOn-Svm
This project implements a software defect prediction model using Support Vector Machine.
jnikhilreddy/Implementation-of-Support-Vector-Machine
Contains code involving CS 503 - Lab 3 : Implementation of Support vector Machine.
K41t0uK1dd0/Jigsaw-Puzzle-Solver
A jigsaw puzzle solver term project.
mayank-k-jha/Fast-SVM-classification-using-data-reducer
Reducing the Number of Training Samples for Fast Support Vector Machine Classification python implementation
Mohit-Ak/CarND-Vehicle-Detection
Goal is to write a software pipeline to detect vehicles in a video using Support Vector Machines
qin-yu/julia-svm-gpu-cuda
2019 [Julia] GPU CUDAnative SVM: a stochastic decomposition implementation of support-vector machine training
priyanksonis/Signature-verification-using-deep-convolution-neural-network
Signature Verification using Deep Convolution Neural Networks