rbf-kernel
There are 56 repositories under rbf-kernel topic.
clips/cat
cat🐈: the repo for the paper "Embarrassingly Simple Unsupervised Aspect extraction"
osama-afifi/RBF-Radial-Basis-Function-Network
C++ Implementation of the RBF (Radial Basis Function) Network and choosing centroids using K-Means++
jowoojun/biovec
ProtVec can be used in protein interaction predictions, structure prediction, and protein data visualization.
b-knight/Understanding-Customer-Conversion-with-Snowplow-Web-Event-Tracking
I apply machine learning (ML) techniques to Snowplow web event data to understand how variation in marketing site experiences might correlate to customer conversion.
whoseboy/DDDA
Empowering Scientific Research with AI Assistance! Open Source Code for Data-Driven Dimensional Analysis.
bhattbhavesh91/svm-kernel-trick
To deal with non-linearly separable we use SVM's Kernel Trick which maps data to higher dimension!
Ssharma91/Image-Classification-using--OpenCV-and-SVM
Image Processing and classification using Machine Learning : Image Classification using Open CV and SVM machine learning model
AmishaSomaiya/Machine-Learning
Machine Learning Code Implementations in Python
ElefHead/kernel-svm
Numpy based implementation of kernel based SVM
hemantghuge/Machine_Learning_Elective_III
SPPU - BE ENTC (2015 Pattern) - Elective III
mufarooqq/Radial-Basis-Functions-RBF
MATLAB implementations of different learning methods for Radial Basis Functions (RBF)
rezasputra/Klasifikasi-Ekspresi-Wajah
Project ini dibuat untuk memenuhi syarat meraih gelar Sarjana Komputer, Dengan melakukan Klasifikasi Ekspresi Wajah Manusia menggunakan algoritme Local Binary Pattern (LBP) untuk ekstraksi fitur dan Support Vector Machine untuk klasifikasi.
UnixJunkie/orsvm-e1071
Access the Linear or RBF kernel SVM from OCaml using the R e1071 or svmpath packages
avestura/scikit-heart-disease-classifier
💚 A heart disease classifier using 4 SVM kernels and decision trees, with PCA, ROC, pruning, grid search cv, confusion matrix, and more
eakgun/ISO_OLS_RBF
Generalized Improved Second Order RBF Neural Network with Center Selection using OLS
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
KhaledTofailieh/Location-Normalizer
In This Notebook I've build a Machine-Learning model that normalize region names in Damascus city, then I use it in Locator class.
Sai-Likhith/Mobile-Price-Range-Prediction-A-Data-Science-Approach
Mobile Price Range Prediction: Use sales data to build a classification model for mobile phone price ranges. Features include battery power, camera, memory, and connectivity. Split data, apply logistic regression, KNN, SVM (linear and rbf), and evaluate using confusion matrices. Select the most accurate model.
AyanPahari/SVM-on-GISETTE-Dataset
GISETTE is a handwritten digit recognition problem. The problem is to separate the highly confusible digits ‘4’ and ‘9’. This dataset is one of five datasets of the NIPS 2003 feature selection challenge.
dgambone3/Diabetes_Machine_Learning_Model_Analysis
Prediction of diabetes health indicators for machine learning class final project
erfanresume/HeartAttack-Prediction-Classification
In this project, I predict whether a patient has a low or high chance of having a heart attack using classification
jvirdi2/MRAC_wing_rock_model
Application shows advantage of Classical MRAC using RBFs over PD control when unmodeled dynamics are present in the system (wing rock model).
DanShai/kernalized-tsne
kernalized t-Distributed Stochastic Neighbor Embedding (t-SNE)
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.
Sai-Likhith/Sentiment-Analysis-of-COVID-19-Tweets-A-Comparative-Analysis-of-Classification-Models
This aims to perform sentiment analysis on COVID-19 tweets using various classification models. We preprocess the data, convert words to vectors, and train models such as Naïve Bayes, SVM, and KNN. Finally, we compare their performance to determine the most accurate model for predicting sentiment in COVID-19 tweets.
saipavani68/SVM
This code reads a dataset i.e, "Heart.csv". Preprocessing of dataset is done and we divide the dataset into training and testing datasets. Linear, rbf and Polynomial kernel SVC are applied and accuracy scores are calculated on the test data. Also, a graph is plotted to show change of accuracy with change in "C" value.
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.
technisekai/sentiment-analysis-of-new-halal-logo
:round_pushpin: Final project of Telkom Institute of Technology Purwokerto
vinayak1998/SVM-Devnagari-Handwritten-Character-Recognition
Solving the Character recognition problem as an SVM optimization problem using CVXOPT
cglamb/Modeling
Modeling Portfolio (Python based)
Gajju4/Heart-Disease-Prediction-using-Support-Vector-Machine.
Created a model from scratch (without using any libraries) to predict whether a person have a heart diseases using support vector machine. and then compare the model's accuracy with model created using Sklearn library.
ivanZanardi/pyharm
Polyharmonic spline interpolation in PyTorch
PetraOmrcen/Passive-detection-of-live-faces-for-facial-recognition-systems
Implementation of methods that solve facial recognition fraud.
SaraLittleSquirrel/Obesity-estimator
Project for Machine Learning Data Mining course
Davityak03/SVM-ML-model-using-different-types-of-kernels-
I have implemented support vector machine classifier on the same dataset but using different kernels and have compared their accuracies with each other
HamzaSajjad141/ML-Diabetes
Predicting Diabetes Mellitus Using Machine Learning Techniques 🩺🤖