GitHub topics: svm-learning
pprattis/image-analysis-for-segmentation-of-grayscale-image-
Matlab scripts that implement necessary algorithmic procedures to automatically color a black and white image. In particular, you need to develop code to perform some computing activities:
Language: MATLAB - Size: 29.3 KB - Last synced at: 1 day ago - Pushed at: over 5 years ago - Stars: 12 - Forks: 5

febeling/rb-libsvm
Ruby language bindings for LIBSVM
Language: C++ - Size: 229 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 278 - Forks: 33

Goutam1511/Sign-Language-Recognition-using-Scikit-Learn-and-CNN
The project aims at building a machine learning model that will be able to classify the various hand gestures used for fingerspelling in sign language. In this user independent model, classification machine learning algorithms are trained using a set of image data and testing is done. Various machine learning algorithms are applied on the datasets, including Convolutional Neural Network (CNN).
Language: Python - Size: 35.2 MB - Last synced at: about 1 month ago - Pushed at: about 7 years ago - Stars: 14 - Forks: 3

SamirElgehiny/baby-cry-analysis
baby cry analysis to identify the reason behind baby's cry
Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

jhu-lcsr/sp_segmenter
Superpixel-based semantic segmentation, with object pose estimation and tracking. Provided as a ROS package.
Language: C++ - Size: 37.8 MB - Last synced at: 10 months ago - Pushed at: over 7 years ago - Stars: 36 - Forks: 21

Ohara124c41/MLND-Finding_Donors
Investigated factors that affect the likelihood of charity donations being made based on real census data. Developed a naive classifier to compare testing results to. Trained and tested several supervised machine learning models on preprocessed census data to predict the likelihood of donations. Selected the best model based on accuracy, a modified F-scoring metric, and algorithm efficiency.
Language: Jupyter Notebook - Size: 758 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

MuhammadUsmanTipu/Classification-IBM-Project
The dataset is about past loans. The loan_train.csv data set includes details of 346 customers whose loans are already paid off or defaulted.
Language: Jupyter Notebook - Size: 64.5 KB - Last synced at: 29 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

luisafernandarj/electronic_nose_for_triatomines
Smelling bugs with an Electronic Nose
Size: 0 Bytes - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

jElhamm/Multiclass-SVM-Softmax-Classifier
"This program trains a model using 'SVM' or 'Softmax' and predicts the input data. Loss history and predicted tags are displayed as results."
Language: Python - Size: 362 KB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

nihil21/custom-svm
Custom implementation of Support Vector Machines using Python and NumPy
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 12 - Forks: 6

uricamic/clandmark
Open Source Landmarking Library
Language: Jupyter Notebook - Size: 14.3 MB - Last synced at: 10 months ago - Pushed at: almost 6 years ago - Stars: 199 - Forks: 111

nataljunior/Classifyingr-in-R
Classifying in R Identifying Categories for Customer Complaint’s Mediation Automation
Size: 347 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

SubalakshmiShanthosi/PCP1281-Assignment
Size: 35 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

mayank-k-jha/Fast-SVM-classification-using-data-reducer
Reducing the Number of Training Samples for Fast Support Vector Machine Classification python implementation
Language: Python - Size: 8.79 KB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 2 - Forks: 0

brzydki/Gender-SVM-MachineLearning
Gender recognition system based on Support Vector Machine (SVM) and machine learning
Language: Python - Size: 3.48 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

AboNady/SVM_Spam_Classification
This a very simple SVM Spam Emails Classification problem, I used Sklearn library to train the model and get better results
Language: Python - Size: 1.62 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

noernimat/sentiment_analysis_using_supervised_learning
Sentiment Analyst using Supervised Learning using Women's E-Commerce Clothing Reviews Dataset
Language: Jupyter Notebook - Size: 1.33 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

noernimat/modeling_dataset_using_supervised_learning
Machine Learning Models for Absenteeism at Work Dataset
Language: Jupyter Notebook - Size: 307 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

photown/videogame-oracle
Predicts video game commercial success using training data and SVM.
Language: Python - Size: 366 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 1

nustalgic/Crypto-Algorithmic-Trading-Bot Fork of victorxdang/CryptoAlgoTradingBot
We will be creating an algorithmic crypto trading bot that will use the Kraken API to get crypto prices. We will use machine learning to determine the trend of the market from historical data and determine the best strategies/indicators to use.
Language: Jupyter Notebook - Size: 378 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

javascript-machine-learning/svm-spam-classifier-javascript
🍃 Spam Classifier with Data Preparation and Support Vector Machine (SVM)
Language: JavaScript - Size: 229 KB - Last synced at: 6 months ago - Pushed at: over 7 years ago - Stars: 8 - Forks: 4

VaghinakBasentsyan/BI
Language: Python - Size: 198 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 3 - Forks: 0

fpaupier/spam_classifier 📦
A simple spam classifier using SVM with a linear kernel.
Language: MATLAB - Size: 533 KB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

MuhammadUsmanTipu/SVM-Boosting-DTree-Twitter-Sentiment-Analysis-on-Twitter-Dataset
What is the relationship between airline sentiments and airlines? What is the reason for the negativity mentioned in the dataset? What is the relation of time with sentiments? Which model is best for sentiment analysis when we do ensemble learning?
Language: Jupyter Notebook - Size: 1.96 MB - Last synced at: 29 days ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

jupidity/pr2-perception-pick-and-place
An RGBD perception pipeline for object recognition with the PR2 robot using ROS, PCL, and SVM in Gazebo simulation
Language: C++ - Size: 31.7 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 18 - Forks: 10

hemantghuge/Machine_Learning_Elective_III
SPPU - BE ENTC (2015 Pattern) - Elective III
Language: Jupyter Notebook - Size: 14.8 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 2

ibodumas/linearSVM
This project involves the implementation of efficient and effective LinearSVC on MNIST data set. The MNIST data comprises of digital images of several digits ranging from 0 to 9. Each image is 28 x 28 pixels. Thus, the data set has 10 levels of classes.
Language: Jupyter Notebook - Size: 283 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 0

o-messai/SIQA-SVM-deep
No-reference Stereoscopic Image Quality Predictor using Deep Features from Cyclopean Image
Language: MATLAB - Size: 1.48 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

avichaudhary29/Twitter-sentiment-analysis
Twitter sentiment analysis allows you to keep track of what's being said about your product or service on social media, and can help you detect angry customers or negative mentions before they they escalate.
Language: Jupyter Notebook - Size: 8.28 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

nimamoradi/svm
svm classifier that will generate label by folder name
Language: Python - Size: 14.6 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

Kovenda/Driver-s-Race-Classifer-traffic-stops
To see if drivers were being profiled. I built a Support Vector Machine (SVM) classifier and a randomForest classifier to predict a driver's race given the traffic's stop's details. Successful classification will indicate the existence of bais in the traffic stops' data.
Language: Python - Size: 479 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Necl0/Scikit-SVM-example
A model I used (breast cancer dataset) to teach myself SVMs and learning more Scikit-learn w/ notes
Language: Python - Size: 2.93 KB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

jnikhilreddy/Implementation-of-Support-Vector-Machine
Contains code involving CS 503 - Lab 3 : Implementation of Support vector Machine.
Language: Python - Size: 1.16 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

DongKeon/FISVDD_cpp
Language: C++ - Size: 41 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

Azizimj/Hyperparameter-robust-simulation-optimization
Hyperparameter tuning using a robust simulation optimization framework
Language: Python - Size: 42.3 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

BALaka-18/SVM-Visualizer-Web-App
A web application to see effect of C hyperparameter on classification boundary and marginal threshold in SVM.
Language: HTML - Size: 34.2 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

dylanmann/SVM-Rank-Readability
Using Stanford CoreNLP and SVM-Rank in a Supervised Approach to Text Difficulty Ranking
Language: Python - Size: 7.36 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 1

BALaka-18/SVM_Visual_Tool
A simple web app that helped students visualize the SVM algorithm according to their choice of hyperparameter setting.
Language: Python - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

qin-yu/julia-svm-gpu-cuda
2019 [Julia] GPU CUDAnative SVM: a stochastic decomposition implementation of support-vector machine training
Language: Cuda - Size: 20.3 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

BharatMaheshwari96/StockMarket
Language: R - Size: 10.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

anumoshsad/SGD_SVM
Language: Python - Size: 45.9 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
