An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: kernel-svm

srafay/Machine_Learning_A-Z

Learning to create Machine Learning Algorithms

Language: Python - Size: 10.8 MB - Last synced at: about 13 hours ago - Pushed at: almost 4 years ago - Stars: 388 - Forks: 195

nadhif-royal/ModelComparisonML

In this project, I compare several commonly used machine learning models, namely K-Nearest Neighbors (KNN), Kernel SVM, Logistic Regression, Naive Bayes, SVM, Decision Tree, and Random Forest. I evaluate and compare the performance and accuracy of these models using a breast cancer dataset, and get the confusion matrix and accuracy score.

Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

alessioborgi/MLPipeline_OptimizationStudy

Exploration and optimization of a ML pipeline, delving into various techniques for enhancing different stages of ML workflows, including data preprocessing, feature engineering, model selection, and hyperparameter tuning.

Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

subhadeep-123/Breast-Cancer-Detection

Breast Cancer Wisconsin (Diagnostic) Prediction Using Various Architecture, though XgBoost Classifier out performed all

Language: Jupyter Notebook - Size: 390 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 9 - Forks: 9

Ddeepanshu-997/Kernel-SVM-Classification

in this repository i am going to perform kernel SVM Classifcation on the real life dataset , initially i performed some data preprocessing technique in order to filter out the data flaws then undergoes the process of model building i.e Kernel SVM Classification.

Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

dshah98/Machine_Learning_with_Python

Full machine learning practical with Python.

Language: Jupyter Notebook - Size: 210 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

dshah98/Machine_Learning_with_R

Full machine learning practical with R.

Language: R - Size: 444 KB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 2 - Forks: 1

sudeshnapal12/Machine-Learning-algorithms-Matlab

Contains ML Algorithms implemented as part of CSE 512 - Machine Learning class taken by Fransico Orabona. Implemented Linear Regression using polynomial basis functions, Perceptron, Ridge Regression, SVM Primal, Kernel Ridge Regression, Kernel SVM, Kmeans.

Language: TeX - Size: 27.9 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3

kavyadevd/Face-Pose-Illumination-Classifier

Label classification for three datasets: Face, Pose and Illumination. Bayes Classifier, KNN Classier, Kerner SVM and Boosted SVM algorithms are written from scratch in Python. The results were evaluated and compared to understand the effectr of dimentionality reduction techniques including PCA, LDA and MDA validation using K-fold cross validation.

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

urastogi885/classify-it

Face recognition using various classifiers

Language: MATLAB - Size: 11.1 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

SarCode/ML-Code-Tutorials-Udemy

Complete Tutorial Guide with Code for learning ML

Language: Python - Size: 3.86 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

longhongc/CMSC828C-Project1

Face recognition with Bayesian Classifier, KNN, KernelSVM (Linear, RBF, Polynomial), Boosted SVM, PCA, LDA

Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

najielhachem/Machine-Learning-Algorithms 📦

Implementation of some Machine Learning Algorithms in Python

Language: Jupyter Notebook - Size: 20.4 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

prat1kbhujbal/Handwritten-digits-Classification

Handwritten digits recognition using logistic regression, Linear with PCA and LDA or dimensionality reduction and Kernel SVM, and Lenet-5 .

Language: Python - Size: 1.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AminKhavari78/Data-Science-handBook-

working with some of basic and advance machine learning in scikit-learn

Language: Python - Size: 10.7 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ElefHead/kernel-svm

Numpy based implementation of kernel based SVM

Language: Python - Size: 469 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 0

KishanMistri/Music-Genre-Classification

Classification base on kernel SVM

Language: Python - Size: 64.5 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 1

kcg2015/fiber_cuts_prediction

Time Series Analyses and Machine Learning for Classifying Events prior to Fiber Cuts

Language: Jupyter Notebook - Size: 10.6 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 0

dmivilensky/Sliding-for-Kernel-SVM

We consider a problem of minimizing a sum of two functions and propose a generic algorithmic framework (SAE) to separate oracle complexities for each function. We compare the performance of splitting accelerated enveloped accelerated variance reduced method with a different sliding technique.

Language: Jupyter Notebook - Size: 267 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

mahesh147/Kernel-SVM

Implementation of the Gaussian RBF Kernel in Support Vector Machine model.

Language: Python - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 6 - Forks: 5

shwetamustare/Kernel-SVM

Classifying purchase events with introduction of dimensions to linearly separate the data points. The SVM algorithm uses Radial basis Function (RBF) Kernel.

Language: Jupyter Notebook - Size: 44.9 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

dimgold/Machine_Learning_Course Fork of shukico/Machine_Learning_Course

Machine learning course at Tel-Aviv University, 2016

Language: Jupyter Notebook - Size: 507 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 1

andersonpaac/Creddit

cReddit: Misinformation Assessment Tool for Comments from Reddit

Language: Python - Size: 55.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

chen0040/js-svm

Package provides javascript implementation of support vector machines

Language: JavaScript - Size: 39.1 KB - Last synced at: 20 days ago - Pushed at: almost 8 years ago - Stars: 3 - Forks: 3

zutshianand/Titanic-Dataset

Language: Jupyter Notebook - Size: 324 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

Related Keywords
kernel-svm 25 machine-learning 9 logistic-regression 8 support-vector-machine 6 svm 6 machine-learning-algorithms 5 support-vector-machines 4 pca 4 svm-classifier 4 artificial-neural-networks 4 polynomial-regression 4 kernel-svm-classifier 3 linear-regression 3 support-vector-regression 3 apriori-algorithm 3 natural-language-processing 3 xgboost 3 knn 3 perceptron 3 k-means-clustering 3 decision-tree-regression 3 random-forest 3 gridsearchcv 2 convolutional-neural-network 2 pca-analysis 2 adaboost 2 lda 2 data-science 2 boosted-svm 2 bayes-classifier 2 python 2 linear-svm 2 classification 2 decision-tree-classifier 2 k-nearest-neighbors 2 random-forest-regression 2 random-forest-classification 2 naive-bayes-classifier 2 random-forest-classifier 2 naive-bayes-classification 2 multiple-linear-regression 2 rbf-kernel 2 knn-classification 2 hierarchical-clustering 2 eclat-algorithm 2 naive-bayes 2 decision-tree-classification 2 voting-classifier 1 lstm-model 1 breast-cancer-wisconsin 1 gaussian-processes 1 maniflod 1 plotting 1 randomforestclassifier 1 regression 1 kernel-methods 1 machinelearning 1 extract 1 music-genre-classification 1 pyaudioanalysis 1 anomaly-detection 1 autoencoder 1 classification-model 1 convolutional-neural-networks 1 fiber 1 fiber-cuts 1 titanic-kaggle 1 logisitic-regression 1 ensemble-learning 1 boosting 1 bagging 1 multi-class-classification 1 kernels 1 binary-classification 1 reddit-api-wrapper 1 reddit 1 pushshift 1 kpca 1 sgd 1 jupyter-notebook 1 svc 1 python3 1 gaussian-rbf-kernel 1 variance-reduction 1 convex-optimization 1 time-series-classification 1 time-series-analysis 1 time-series 1 telecommunications 1 state-of-polarization 1 sop 1 prediction 1 multivariate-timeseries 1 machine-learning-application 1 bernoulli-model 1 xgboost-classifier 1 voting-ensemble 1 t-sne 1 resource-complexity 1 lightgbm-classifier 1