ksopyla / svm_mnist_digit_classification
MNIST digit classification with scikit-learn and Support Vector Machine (SVM) algorithm.
☆281Updated 6 years ago
Alternatives and similar repositories for svm_mnist_digit_classification
Users that are interested in svm_mnist_digit_classification are comparing it to the libraries listed below
Sorting:
- Basic soft-margin kernel SVM implementation in Python☆255Updated 9 years ago
- mnist classification with tensorflow ( nn, cnn, lstm, nlstm, bi-lstm, cnn-rnn)☆108Updated 8 years ago
- HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS☆170Updated 6 months ago
- This application uses LIBSVM and PIL to perform image classification on a set of images.☆88Updated 9 years ago
- An Architecture Combining Convolutional Neural Network (CNN) and Linear Support Vector Machine (SVM) for Image Classification☆384Updated 2 years ago
- Image Classification using SIFT, Bag of words, k means clustering and SVM Classification☆84Updated 10 months ago
- MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc ar…☆202Updated 6 years ago
- TensorFlow implementation of GoogLeNet and Inception for image classification.☆287Updated 5 years ago
- Implement the LeNet using tensorflow to recognize handwritten number. Training with MNIST.☆77Updated 7 years ago
- Experimenting with RBMs using scikit-learn on MNIST and simulating a DBN using Keras.☆33Updated 7 years ago
- Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine☆62Updated 6 years ago
- Python code of RBF neural network classification model☆46Updated 6 years ago
- A feature extractor based on Python 3, Tensorflow, and Scikit-learn created to improve the SVM accuracy to classify the MNIST dataset fas…☆70Updated 2 years ago
- an implement of AlexNet with tensorflow, which has a detailed explanation.☆149Updated 6 years ago
- Implementation of AdaBoost algorithm in Python☆178Updated 8 years ago
- Simple implementation of a Support Vector Machine using the Sequential Minimal Optimization (SMO) algorithm for training.☆120Updated 6 years ago
- Tutorials of deep learning for computer vision.☆212Updated 4 years ago
- Classify MNIST image dataset into 10 classes. Build an image classifier with Recurrent Neural Network (RNN: LSTM) on Tensorflow.☆89Updated 8 years ago
- Simple experiments with the Kullback-Leibler divergence calculation for samples from distributions☆10Updated 8 years ago
- Classification of emotions based on age and pulse rate using Support Vector Machines☆32Updated 9 years ago
- In this project, I implemented several ensemble methods (including bagging, AdaBoost, SAMME, stacking, snapshot ensemble) for a normal CN…☆98Updated 6 years ago
- A Python 2 implementation of Fuzzy C Means Clustering algorithm.☆50Updated 4 years ago
- Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)☆416Updated 4 years ago
- Code examples for training AlexNet using Keras and Theano☆107Updated 8 years ago
- Simple Python Adaboost Implementation☆25Updated 4 years ago
- 廖星宇《深度学习入门之PyTorch》代码实践☆143Updated 7 years ago
- This is an implementation of Convolutional AutoEncoder using only TensorFlow☆119Updated 5 years ago
- Backpropagation neural network in python/numpy☆32Updated 5 years ago
- Hands-On Deep Learning with TensorFlow, published by Packt☆100Updated 2 years ago
- For the CIFAR-10 dataset, extracting HOG features and using SVM classifier to classify them, at last, we get the accuracy.☆42Updated 5 years ago