ksopyla / svm_mnist_digit_classification
MNIST digit classification with scikit-learn and Support Vector Machine (SVM) algorithm.
☆280Updated 5 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
- Basic soft-margin kernel SVM implementation in Python☆255Updated 8 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
- mnist classification with tensorflow ( nn, cnn, lstm, nlstm, bi-lstm, cnn-rnn)☆106Updated 7 years ago
- MNIST classification using Convolutional NeuralNetwork. Various techniques such as data augmentation, dropout, batchnormalization, etc ar…☆200Updated 6 years ago
- This application uses LIBSVM and PIL to perform image classification on a set of images.☆88Updated 9 years ago
- Building Convolutional Neural Networks From Scratch using NumPy☆578Updated last year
- Simple implementation of a Support Vector Machine using the Sequential Minimal Optimization (SMO) algorithm for training.☆118Updated 6 years ago
- Support Vector Machines in Python☆47Updated 12 years ago
- Code for finetuning AlexNet in TensorFlow >= 1.2rc0☆778Updated 5 years ago
- 高斯混合模型(GMM 聚类)的 EM 算法实现。☆193Updated 6 years ago
- CNN for multi-class image recognition in tensorflow☆401Updated 6 months ago
- cifar10数据集上进行图片分类,基于tensorflow框架,旨在探究不同的改进策略对分类准确率的影响,如何一步步得提高准确率☆570Updated 6 years ago
- Real time MNIST digit recognition with OpenCV and Support Vector Machine (SVM) algorithm.☆39Updated 6 years ago
- Using CNN to recognize the verification code☆33Updated 6 years ago
- Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine☆61Updated 6 years ago
- Implementation of AdaBoost algorithm in Python☆176Updated 8 years ago
- HoG, PCA, PSO, Hard Negative Mining, Sliding Window, Edge Boxes, NMS☆169Updated 2 months ago
- Classification of emotions based on age and pulse rate using Support Vector Machines☆31Updated 9 years ago
- This is the code for "LSTM Networks - The Math of Intelligence (Week 8)" By Siraj Raval on Youtube☆198Updated 6 months ago
- Simple Python Adaboost Implementation☆25Updated 4 years ago
- Using Keras and cats to visualize layers from CNNs☆149Updated 8 years ago
- an implement of AlexNet with tensorflow, which has a detailed explanation.☆149Updated 6 years ago
- AdaboostExample☆43Updated 5 years ago
- Classify MNIST image dataset into 10 classes. Build an image classifier with Recurrent Neural Network (RNN: LSTM) on Tensorflow.☆89Updated 7 years ago
- Visualization CNN model by Keras.☆73Updated 6 years ago
- Keras-Tutorials☆173Updated 8 years ago
- Implement the LeNet using tensorflow to recognize handwritten number. Training with MNIST.☆77Updated 7 years ago
- personal practice(个人练习,实现了深度学习中的一些算法,包括:四种初始化方法(zero initialize, random initialize, xavier initialize, he initialize),深度神经网络,正则化,dropout,…☆218Updated 5 years ago
- Simple tutorials for building neural networks with TensorFlow Eager mode.☆509Updated 4 years ago
- Keras community contributions☆1,578Updated 2 years ago