svm
There are 3631 repositories under svm topic.
Avik-Jain/100-Days-Of-ML-Code
100 Days of ML Coding
apachecn/ailearning
AiLearning:数据分析+机器学习实战+线性代数+PyTorch+NLTK+TF2
Jack-Cherish/Machine-Learning
:zap:机器学习实战(Python3):kNN、决策树、贝叶斯、逻辑回归、SVM、线性回归、树回归
nfmcclure/tensorflow_cookbook
Code for Tensorflow Machine Learning Cookbook
susanli2016/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
osqp/osqp
The Operator Splitting QP Solver
lxztju/pytorch_classification
利用pytorch实现图像分类的一个完整的代码,训练,预测,TTA,模型融合,模型部署,cnn提取特征,svm或者随机森林等进行分类,模型蒸馏,一个完整的代码
tatsuyah/vehicle-detection
Vehicle detection using machine learning and computer vision techniques for Udacity's Self-Driving Car Engineer Nanodegree.
Renovamen/Speech-Emotion-Recognition
Speech emotion recognition implemented in Keras (LSTM, CNN, SVM, MLP) | 语音情感识别
Zephery/weiboanalysis
微博情感分析,文本分类,毕业设计项目
TeFuirnever/Machine-Learning-in-Action
⚡️⚡️⚡️《机器学习实战》代码(基于Python3)🚀
EdwardRaff/JSAT
Java Statistical Analysis Tool, a Java library for Machine Learning
joanby/python-ml-course
Curso de Introducción a Machine Learning con Python
JunshengFu/vehicle-detection
Created vehicle detection pipeline with two approaches: (1) deep neural networks (YOLO framework) and (2) support vector machines ( OpenCV + HOG).
machinelearnjs/machinelearnjs
Machine Learning library for the web and Node.
williamfzc/stagesepx
detect stages in video automatically
zhengyima/mnist-classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Vaibhav/Stock-Analysis
Regression, Scrapers, and Visualization
tandasat/SimpleSvm
A minimalistic educational hypervisor for Windows on AMD processors.
xinlianghu/svm
用Python实现SVM多分类器
tandasat/SimpleSvmHook
SimpleSvmHook is a research purpose hypervisor for Windows on AMD processors.
moyuweiqing/A-stock-prediction-algorithm-based-on-machine-learning
(陆续更新)重新整理过的基于机器学习的股票价格预测算法,里面包含了基本的回测系统以及各种不同的机器学习算法的股票价格预测,包含:LSTM算法、Prophet算法、AutoARIMA、朴素贝叶斯、SVM、随机森林等
icsfy/Pedestrian_Detection
通过HOG+SVM训练进行行人检测,行人数据库使用INRIAPerson,程序基于OpenCV实现
bwaldvogel/liblinear-java
Java version of LIBLINEAR
Carl-McBride-Ellis/Compendium-of-free-ML-reading-resources
Compendium of free ML reading resources
rickiepark/handson-ml
도서 "핸즈온 머신러닝"의 예제와 연습문제를 담은 주피터 노트북입니다.
fukuball/fuku-ml
Simple machine learning library / 簡單易用的機器學習套件
febeling/rb-libsvm
Ruby language bindings for LIBSVM
30lm32/ml-projects
ML based projects such as Spam Classification, Time Series Analysis, Text Classification using Random Forest, Deep Learning, Bayesian, Xgboost in Python
moon-hotel/MachineLearningWithMe
A repository contains more than 12 common statistical machine learning algorithm implementations. 常见10余种机器学习算法原理与实现及视频讲解。@月来客栈 出品
Jean-njoroge/Breast-cancer-risk-prediction
Classification of Breast Cancer diagnosis Using Support Vector Machines
luopeixiang/textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
rrazvd/bbb-face-recognizer
Face recognition system using MTCNN, FACENET, SVM and FAST API to track participants of Big Brother Brasil in real time.
fengyang95/tiny_ml
numpy 实现的 周志华《机器学习》书中的算法及其他一些传统机器学习算法
RumbleDB/rumble
⛈️ RumbleDB 1.23.0 "Mountain Ash" 🌳 for Apache Spark | Run queries on your large-scale, messy JSON-like data (JSON, text, CSV, Parquet, ROOT, AVRO, SVM...) | No install required (just a jar to download) | Declarative Machine Learning and more
imRishabhGupta/Indian-Sign-Language-Recognition
This repository contains the code which can recognise the alphabets in Indian sign language for blind using opencv and tensorflow.