svm-classifier
There are 2584 repositories under svm-classifier topic.
RubensZimbres/Repo-2017
My first Python repo with codes in Machine Learning, NLP and Deep Learning with Keras and Theano
tatsuyah/vehicle-detection
Vehicle detection using machine learning and computer vision techniques for Udacity's Self-Driving Car Engineer Nanodegree.
nishitpatel01/Fake_News_Detection
Fake News Detection in Python
xinlianghu/svm
用Python实现SVM多分类器
tsuirak/deeplearning.ai
该存储库包含由deeplearning.ai提供的相关课程的个人的笔记和实现代码。
febeling/rb-libsvm
Ruby language bindings for LIBSVM
moon-hotel/MachineLearningWithMe
A repository contains more than 12 common statistical machine learning algorithm implementations. 常见10余种机器学习算法原理与实现及视频讲解。@月来客栈 出品
uricamic/clandmark
Open Source Landmarking Library
Piyush-Bhardwaj/EEG-based-emotion-analysis-using-DEAP-dataset-for-Supervised-Machine-Learning
This project is for classification of emotions using EEG signals recorded in the DEAP dataset to achieve high accuracy score using machine learning algorithms such as Support vector machine and K - Nearest Neighbor.
abhinav-bhardwaj/IoT-Network-Intrusion-Detection-System-UNSW-NB15
Network Intrusion Detection based on various machine learning and deep learning algorithms using UNSW-NB15 Dataset
amineHorseman/facial-expression-recognition-svm
Training SVM classifier to recognize people expressions (emotions) on Fer2013 dataset
eloquentarduino/EloquentArduino
IO, scheduling, utils, machine learning... for Arduino
AFAgarap/gru-svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
GAR-Project/project
DDoS attacks detection by using SVM on SDN networks.
abhinav-bhardwaj/Network-Intrusion-Detection-Using-Machine-Learning
A Novel Statistical Analysis and Autoencoder Driven Intelligent Intrusion Detection Approach
maowankuiDji/Word2Vec-sentiment
基于Word2Vec+SVM对电商的评论数据进行情感分析
kennedyCzar/STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA
Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
rsk97/Diabetic-Retinopathy-Detection
DIAGNOSIS OF DIABETIC RETINOPATHY FROM FUNDUS IMAGES USING SVM, KNN, and attention-based CNN models with GradCam score for interpretability,
Mayurji/MLWithPytorch
Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch
gscdit/Breast-Cancer-Detection
Breast Cancer Detection Using Machine Learning
sahidul-shaikh/credit-card-fraud-detection
Machine learning model for Credit Card fraud detection
prathameshtari/Predicting-Football-Match-Outcome-using-Machine-Learning
Football Match prediction using machine learning algorithms in jupyter notebook
thieu1995/mafese
Feature Selection using Metaheuristics Made Easy: Open Source MAFESE Library in Python
Iretha/IoT23-network-traffic-anomalies-classification
AI & Machine Learning: Detection and Classification of Network Traffic Anomalies based on IoT23 Dataset
ZhouJiaHuan/traffic-sign-detection
traffic sign detection with HOG feature and SVM model
DennisHanyuanXu/Tiny-ImageNet
Image classification on Tiny ImageNet
Yi-Chen-Lin2019/Predictive-maintenance-with-machine-learning
This project is about predictive maintenance with machine learning. It's a final project of my Computer Science AP degree.
akhilesh-k/Lane-and-Vehicles-Detection
This repository contains works on a computer vision software pipeline built on top of Python to identify Lanes and vehicles in a video. This project is not part of Udacity SDCND but is based on other free courses and challanges provided by Udacity. It uses Computer vision and Deep Learrning Techniques. Few pipelines have been tried on SeDriCa, IIT Bombay.
InitAction/car-OCR
基于机器学习和OCR的车牌识别系统 @fujunhao
Wei2624/AI_Learning_Hub
AI Learning Hub for Machine Learning, Deep Learning, Computer Vision and Statistics
anoopmsivadas/android-malware-detection
Android Malware Detection Using Machine Learning Classifiers ( Using Permissions requested by Apps)
MrJay10/banking-faq-bot
This is retrieval based Chatbot based on FAQs found at a banking website.
v-iashin/CS231n
PyTorch/Tensorflow solutions for Stanford's CS231n: "CNNs for Visual Recognition"
rceballos98/EEG_Classifier
A general matlab framework for EEG data classification
adityajn105/SVM-From-Scratch
An Implementation of SVM - Support Vector Machines using Linear Kernel. This is just for understanding of SVM and its algorithm.
Piyush-Bhardwaj/Breast-cancer-diagnosis-using-Machine-Learning
Machine learning is widely used in bioinformatics and particularly in breast cancer diagnosis. In this project, certain classification methods such as K-nearest neighbors (K-NN) and Support Vector Machine (SVM) which is a supervised learning method to detect breast cancer are used.