All Projects → pranay360 → Image_classification_cifar 10

pranay360 / Image_classification_cifar 10

Image Classification on CIFAR-10 Dataset using Multi Layer Perceptrons in Python from Scratch.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Image classification cifar 10

Aognet
Code for CVPR 2019 paper: " Learning Deep Compositional Grammatical Architectures for Visual Recognition"
Stars: ✭ 132 (+633.33%)
Mutual labels:  deep-neural-networks, image-classification, cifar10
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+7661.11%)
Mutual labels:  deep-neural-networks, image-classification
Deep Ranking
Learning Fine-grained Image Similarity with Deep Ranking is a novel application of neural networks, where the authors use a new multi scale architecture combined with a triplet loss to create a neural network that is able to perform image search. This repository is a simplified implementation of the same
Stars: ✭ 64 (+255.56%)
Mutual labels:  deep-neural-networks, image-classification
Robot Grasp Detection
Detecting robot grasping positions with deep neural networks. The model is trained on Cornell Grasping Dataset. This is an implementation mainly based on the paper 'Real-Time Grasp Detection Using Convolutional Neural Networks' from Redmon and Angelova.
Stars: ✭ 134 (+644.44%)
Mutual labels:  deep-neural-networks, image-classification
Quickdraw
Implementation of Quickdraw - an online game developed by Google
Stars: ✭ 805 (+4372.22%)
Mutual labels:  deep-neural-networks, image-classification
Channel Pruning
Channel Pruning for Accelerating Very Deep Neural Networks (ICCV'17)
Stars: ✭ 979 (+5338.89%)
Mutual labels:  deep-neural-networks, image-classification
Labeld
LabelD is a quick and easy-to-use image annotation tool, built for academics, data scientists, and software engineers to enable single track or distributed image tagging. LabelD supports both localized, in-image (multi-)tagging, as well as image categorization.
Stars: ✭ 129 (+616.67%)
Mutual labels:  deep-neural-networks, image-classification
Petridishnn
Code for the neural architecture search methods contained in the paper Efficient Forward Neural Architecture Search
Stars: ✭ 112 (+522.22%)
Mutual labels:  image-classification, cifar10
Computer Vision Guide
📖 This guide is to help you understand the basics of the computerized image and develop computer vision projects with OpenCV. Includes Python, Java, JavaScript, C# and C++ examples.
Stars: ✭ 244 (+1255.56%)
Mutual labels:  deep-neural-networks, image-classification
pytorch-cifar-model-zoo
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Stars: ✭ 62 (+244.44%)
Mutual labels:  image-classification, cifar10
shake-drop pytorch
PyTorch implementation of shake-drop regularization
Stars: ✭ 50 (+177.78%)
Mutual labels:  image-classification, cifar10
Randwire tensorflow
tensorflow implementation of Exploring Randomly Wired Neural Networks for Image Recognition
Stars: ✭ 29 (+61.11%)
Mutual labels:  deep-neural-networks, cifar10
Concise Ipython Notebooks For Deep Learning
Ipython Notebooks for solving problems like classification, segmentation, generation using latest Deep learning algorithms on different publicly available text and image data-sets.
Stars: ✭ 23 (+27.78%)
Mutual labels:  deep-neural-networks, image-classification
Knowledge Distillation Pytorch
A PyTorch implementation for exploring deep and shallow knowledge distillation (KD) experiments with flexibility
Stars: ✭ 986 (+5377.78%)
Mutual labels:  deep-neural-networks, cifar10
Torchdistill
PyTorch-based modular, configuration-driven framework for knowledge distillation. 🏆18 methods including SOTA are implemented so far. 🎁 Trained models, training logs and configurations are available for ensuring the reproducibiliy.
Stars: ✭ 177 (+883.33%)
Mutual labels:  image-classification, cifar10
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+1983.33%)
Mutual labels:  deep-neural-networks, image-classification
Bsconv
Reference implementation for Blueprint Separable Convolutions (CVPR 2020)
Stars: ✭ 84 (+366.67%)
Mutual labels:  image-classification, cifar10
Iresnet
Improved Residual Networks (https://arxiv.org/pdf/2004.04989.pdf)
Stars: ✭ 163 (+805.56%)
Mutual labels:  deep-neural-networks, image-classification
BottleneckTransformers
Bottleneck Transformers for Visual Recognition
Stars: ✭ 231 (+1183.33%)
Mutual labels:  image-classification, cifar10
Neural Backed Decision Trees
Making decision trees competitive with neural networks on CIFAR10, CIFAR100, TinyImagenet200, Imagenet
Stars: ✭ 411 (+2183.33%)
Mutual labels:  image-classification, cifar10

Image Classification on CIFAR-10 Dataset using Multi-Layer Perceptrons in Python from scratch.

CIFAR10 Dataset can be found here - https://www.cs.toronto.edu/~kriz/cifar.html

Download the Python Batches Dataset and put it in %pwd/cifar-10-batches-py/

Implemented a N layer Deep Neural Network with Backpropagation for CIFAR-10 Image Classification from scratch in Python, to get the basic understanding of the backpropagation and gradient descent algorithm.

Warning: Due to lack of GPU support and no. of layers being > 1 the model trains very slow.

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].