Topic: "svm-kernel"
WeltXing/PySVM
PySVM : A NumPy implementation of SVM based on SMO algorithm. Numpy构建SVM分类、回归与单分类,支持缓存机制与随机傅里叶特征
Language: Python - Size: 3.47 MB - Last synced at: 24 days ago - Pushed at: over 1 year ago - Stars: 27 - Forks: 2

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

koba-jon/svm_cpp
Support Vector Machines Implementation from scratch in C++
Language: C++ - Size: 1.03 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 9 - Forks: 2

bhattbhavesh91/svm-kernel-trick
To deal with non-linearly separable we use SVM's Kernel Trick which maps data to higher dimension!
Language: Jupyter Notebook - Size: 112 KB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 7 - Forks: 4

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.
Language: Jupyter Notebook - Size: 73.2 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 5 - Forks: 0

bhattbhavesh91/svm-c-gamma-hyperparameters-tutorial
In this video, I'll try to explain the hyperparameters C & Gamma in Support Vector Machine (SVM) in the simplest possible way.
Language: Jupyter Notebook - Size: 146 KB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 1

jyotishp/pegasos-svm
SVM classifier using PEGASOS algorithm.
Language: Python - Size: 1.95 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 5 - Forks: 1

a3X3k/Spam-Email-Detection
Size: 67.9 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

ashudva/ML-6.86x
Machine Learning Projects Repository
Language: Jupyter Notebook - Size: 87 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 5

stutisehgal/Machine-Learning-Project
Handwritten Digit Recognition Model
Language: Jupyter Notebook - Size: 3.03 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

Sarthak-Mohapatra/Classification-of-tumors-in-Human-Breast-as-Bening-or-Malignant-using-ML-Algorithms.
As part of this project, I have used Machine Learning (classification) algorithms for classification of tumors in Human Breasts as Non-Cancerous/ Benign or Cancerous/ Malignant tumors.
Language: Jupyter Notebook - Size: 190 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 0

dhrupad17/Machine-Learning-A-Z
This is a practice Repository consisting of all the notebooks I have practiced for Machine Learning from basics to Advance
Language: Jupyter Notebook - Size: 51.9 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 2 - Forks: 0

AmirHHasani/Machine-Learning-Algorithms
A collection of my practices using the following algorithms: DBSCAN, KNN, Decision Tree Classifier, K-means, Apriori, SMOTE, SVM
Language: Jupyter Notebook - Size: 342 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

davide97g/ml-es6-modules 📦
Some test with machine learning algorithms, es6 modules and webpack.
Language: JavaScript - Size: 658 KB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 1

MoinDalvs/Assignment_SVM_Forest_Fire_Prediction
Language: Jupyter Notebook - Size: 5.58 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

MoinDalvs/SVM_Hyperparameter_Tuning_Kernel_Tricks
Effect of Gamma values and C values visualization on dataset and errors/misclassification
Language: Jupyter Notebook - Size: 1.43 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

kiarashvosough1999/SVM-Perceptron
SVM-Perceptron On Flight DataSet
Language: Jupyter Notebook - Size: 2.78 MB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

Shakilgithub20/News-Classification
Language: Jupyter Notebook - Size: 11 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 1

Akash-Ubale/Complete-Machine-Learning
My Machine Learning Repository
Language: Jupyter Notebook - Size: 29.6 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 2

shreyas-dharanesh/Support_Vector_Machine_for_Classification
SVM algorithm in Python with classification. The goal of this project is to predict whether the customer will purchase a car(1) or not(0).
Language: Python - Size: 38.1 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

Sarthak-Mohapatra/Classification-of-GPU-Run-as-high-or-low-time-consuming-using-various-classification-Algorithms.
As part of this project, various classification algorithms like SVM, Decision Trees and XGBoost was used to classify a GPU Run as high or low time consuming process. The main purpose of this project is to test and compare the predictive capabilities of different classification algorithms
Language: Jupyter Notebook - Size: 4 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

Nhunk/BrainTumor_project
This project utilizes the Support Vector Machine (SVM) algorithm to classify MRI brain images.
Language: Jupyter Notebook - Size: 269 KB - Last synced at: about 2 months ago - Pushed at: about 2 months 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: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

akshit285/Diabetic-Prediction-using-ML
Comparative analysis of various Machine Learning Classification algorithms on the diabetic prediction dataset.
Language: Jupyter Notebook - Size: 145 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

HARDIntegral/ADHD_Classifier 📦
These are tests for my research project
Language: C - Size: 502 KB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 1

manoharpalanisamy/Machine-Learning
It consists of base machine learning algorithms and applied mathematics has Involved
Language: HTML - Size: 255 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

ElektrischesSchaf/Leukemia_prediction_with_SVM
Using scikit-learn and mlxtend
Language: Python - Size: 23.2 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

ZeyuKeithFu/HandwrittenDigits-SVM
A kernel SVM practice on MNIST handwritten digits image dataset.
Language: MATLAB - Size: 6.04 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

PieroMacaluso/Homework_MLAI
Repository of my Homework for the course "Machine Learning and Artificial Intelligence" of Prof. Barbara Caputo (a.y. 2018/2019)
Language: Python - Size: 43.8 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

rahitya-123/Defaults-of-Credit-Card-Prediction-using-SVM
This is a machine learning project that predicts credit card payment defaults using Support Vector Machine classification with comprehensive data preprocessing and model optimization.
Language: Jupyter Notebook - Size: 1.57 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 0 - Forks: 0

CryAndRRich/npmod
Building a simple deep learning framework and some machine learning/deep learning models from scratch (pure Numpy and Pytorch)
Language: Python - Size: 45.4 MB - Last synced at: 16 days ago - Pushed at: 17 days ago - Stars: 0 - Forks: 0

Mahtab-Shabani/Neural-Network-SVM
Language: MATLAB - Size: 17.6 KB - Last synced at: 18 days ago - Pushed at: 18 days ago - Stars: 0 - 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: 16 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

Shubhamd1234/Predicting-Laptop-Prices-Using-Machine-Learning
Laptop Price Prediction Model: A machine learning model that predicts laptop prices based on various features such as RAM, storage, and brand, utilizing techniques like stacking regression for best accuracy.
Language: Jupyter Notebook - Size: 540 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

prajakta1321/Creed-Collection-of-ML-Algos-and-Strategies
Creed is a dynamic repository where machine learning algorithms meet practical implementation, crafted through hands-on coding sessions in Google Colaboratory.
Language: Jupyter Notebook - Size: 6.06 MB - Last synced at: 10 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

esscova/svm-R
Este repositório contém uma implementação do algoritmo SVM para classificação de dados nos datasets Iris e Wine, usando a linguagem R com RStudio. Você pode executar o código localmente ou com Docker.
Language: R - Size: 468 KB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

haniye6776/loan-risk
SVM with different kernels and decision trees
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

beingwaseem/Kernelizing-Cells-SVM-in-Cancer-Detection
Language: Jupyter Notebook - Size: 47.9 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

JaewonSon37/Data_Mining
Topic: Data Analysis with Voice Dataset for Gender Recognition // Summary: Explored algorithms and found the best model that showed a 98.2% classification accuracy for a voice dataset
Language: Jupyter Notebook - Size: 609 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

chaitanya9321/Titanic-Survival
Created a Titanic dataset analysis and prediction web app using Flask. Explored passenger data, engineered features, and deployed a predictive model for survival estimation.
Language: Jupyter Notebook - Size: 824 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

gzmgrnmz/machine_learning_prediction
Language: Jupyter Notebook - Size: 89.8 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MYoussef885/Diabetes_Prediction
The "Diabetes Prediction" project focuses on predicting the likelihood of an individual having diabetes using machine learning techniques. By leveraging popular Python libraries such as NumPy, Pandas, Scikit-learn (sklearn), and Support Vector Machines (SVM), this project offers a comprehensive solution for accurate classification.
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

anar-rzayev/Artificial-Intelligence-in-Mathematics
Source materials for KAIST course MAS473: Introduction to AI with Mathematics
Language: Jupyter Notebook - Size: 2.86 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

m7md158/nti_project_ml
machine learning project
Language: Python - Size: 13.7 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Ola76/Restuarant_Reviews
Using Bag 0f Words Model and vector to analyse the business reviews.
Language: Jupyter Notebook - Size: 701 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Ola76/Titanic_Dataset
In the project, Titanic data was obtained from Kaggle.com. The aim is to understand the survival rate and classes on the passengers.
Language: Jupyter Notebook - Size: 996 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Ola76/SUV_data
In the project, SUV data was obtained from Kaggle.com. The aim is to understand which customers can purchase a new car.
Language: Jupyter Notebook - Size: 789 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

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.
Language: Jupyter Notebook - Size: 352 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

mohkharma/computer-vision-svm
Computer Vision Project that use SVM with implemntation of CHI-Squared kernel
Language: Java - Size: 815 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

JoydELC/gradient_svm_kernelsvm
Tutorial gradient, support vectorial machine and SVM kernel
Language: Jupyter Notebook - Size: 151 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

swapnillondhe24/digit_recognizer
In this project Simple handwritten digit recognizer is created using python
Language: Python - Size: 1.05 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

geekquad/SVM-Classification-from-Scratch
A basic project to build the classification model with SVM (Support Vector Machine)
Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: 4 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

Baran-phys/Neural-PID-Estimator
Bayesian approach for combined Particle Identification
Language: Jupyter Notebook - Size: 1.84 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

dustinak80/SVM-Project
SVM (Use of SVM Kernels on formed and real data using object-oriented programming)
Language: Python - Size: 2.67 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

RaghuvirShirodkar/ann_data_classification
Naive implementation of artificial neural networks for data classification using SVM and MLP in python
Language: Jupyter Notebook - Size: 9.12 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

AmanTiwari1503/SVM-Design
SVM implementation for Binary and Multiclass classification using standard SVM library and Convex optimastion method
Language: Python - Size: 3.37 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

aayush17125/ML_Assignment2
Language: Jupyter Notebook - Size: 162 MB - Last synced at: almost 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

skhiearth/RBF-Kernel-SVM
Implementing a RBF Kernel SVM in Python and R
Language: Python - Size: 41 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 1

Pryagrawal/SVM_Iris_Data
Language: Python - Size: 2.93 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0
