Topic: "cifar10-classification"
ylsung/pytorch-adversarial-training
PyTorch-1.0 implementation for the adversarial training on MNIST/CIFAR-10 and visualization on robustness classifier.
Language: Python - Size: 1.26 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 229 - Forks: 64

pprp/PyTorch-CIFAR-Model-Hub
Implementation of Conv-based and Vit-based networks designed for CIFAR.
Language: Python - Size: 1.6 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 71 - Forks: 12

batuhan3526/ResNet50_on_Cifar_100_Without_Transfer_Learning
Language: Jupyter Notebook - Size: 41 KB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 9 - Forks: 2

deepmancer/resnet-cifar-classification
A step-by-step implementation of a ResNet-18 model for image classification on the CIFAR-10 dataset
Language: Jupyter Notebook - Size: 3.1 MB - Last synced at: 1 day ago - Pushed at: 7 months ago - Stars: 7 - Forks: 0

abdelrahman-gaber/Classification-AutoEncoder
The aim of this project is to train autoencoder, and use the trained weights as initialization to improve classification accuracy with cifar10 dataset.
Language: Python - Size: 117 MB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 7 - Forks: 1

swarajkumarsingh/cnn-cifar-classification-model
Cifar classification model using Pytorch CNN module with ResNet9 model, with CUDA for training to archive 75% accuracy
Language: Jupyter Notebook - Size: 985 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 6 - Forks: 0

matlab-deep-learning/convmixer-patches-are-all-you-need
ConvMixer - Patches Are All You Need?
Language: MATLAB - Size: 7.7 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 6 - Forks: 2

pprp/ofa-cifar
:star: Make Once for All support CIFAR10 dataset.
Language: Python - Size: 2.87 MB - Last synced at: 3 months ago - Pushed at: almost 4 years ago - Stars: 5 - Forks: 0

Hunterdii/DigiPic-Classifier
DigiPic-Classifier is a powerful image classification app built with Streamlit. It features two models: CIFAR-10 Object Recognition to classify objects like airplanes, cars, animals, and more, and MNIST Digit Classification for recognizing handwritten digits. With a sleek interface and real-time predictions, DigiPic-Classifier offers a seamless
Language: Jupyter Notebook - Size: 9.73 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 4 - Forks: 5

MahdiNavaei/CIFAR-10-Image-Classification
Language: Jupyter Notebook - Size: 138 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

MelihGulum/CIFAR-10-CNN-FLASK-Deployment
Classification of CIFAR dataset with CNN which has %91 accuracy and deployment of the model with FLASK.
Language: Jupyter Notebook - Size: 6.64 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 4 - Forks: 1

chandra447/SVM-Image-classifier
Implemeting SVM to classify images with hinge loss and the softmax loss.
Language: Jupyter Notebook - Size: 254 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 0

ranjiewwen/TF_cifar10
The cifar10 classification project completed by tensorflow, including complete training, prediction, visualization, independent of each module of the project, and convenient expansion.
Language: Python - Size: 919 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 1

ashkanmradi/neural-network-from-scratch
Implementing a neural network classifier for cifar-10
Language: Python - Size: 12.7 KB - Last synced at: 25 days ago - Pushed at: about 6 years ago - Stars: 3 - Forks: 0

QuickLearner171998/CapsNet π¦
CapsNet models
Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

ayri77/CIFAR10-Torch-Classifier
CIFAR-10 Classifier
Language: Jupyter Notebook - Size: 184 MB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 1 - Forks: 0

Shikha-code36/early-exit-cnn
A deep learning framework that implements Early Exit strategies in Convolutional Neural Networks (CNNs) using Deep Q-Learning (DQN). This project enhances computational efficiency by dynamically determining the optimal exit point in a neural network for image classification tasks on CIFAR-10.
Language: Jupyter Notebook - Size: 179 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

apotursun963/CIFAR-Classifier
Categorizes 10 different classes from CIFAR-10 dataset
Language: Python - Size: 57.5 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

KyriakosPsa/Neural-Networks-Adversarial-Examples
This repository contains code to solve different tasks related to building, training and creating adversarial examples for classification models on the MNIST and CIFAR10 datasets.
Language: Jupyter Notebook - Size: 20.8 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

Saba-Heidari/Deep-Learning
Machine Learning
Language: Python - Size: 36.1 KB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

abhiverse01/Binary-Multi-CNN-CIFAR10
Contains my project code for two CNN models, one trained for binary classification while the other made for multi-class classification. It utillises the CIFAR-10 dataset.
Language: Python - Size: 28.3 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0

shanmukhsrisaivedullapalli/CIFAR10
This project uses TensorFlow to classify images from the CIFAR-10 dataset. It compares the performance of an Artificial Neural Network (ANN) and a Convolutional Neural Network (CNN), covering data preprocessing, model training, evaluation, and prediction on new images.
Language: Jupyter Notebook - Size: 136 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

NightInsight/MachineLearning_CNN_CV
Π‘ΠΎΠ·Π΄Π°Π½ΠΈΠ΅ ΠΈ ΠΎΠ±ΡΡΠ΅Π½ΠΈΠ΅ ΡΠ²Π΅ΡΡΠΎΡΠ½ΠΎΠΉ Π½Π΅ΠΉΡΠΎΠ½Π½ΠΎΠΉ ΡΠ΅ΡΠΈ (CNN) Π΄Π»Ρ ΠΊΠ»Π°ΡΡΠΈΡΠΈΠΊΠ°ΡΠΈΠΈ ΠΈΠ·ΠΎΠ±ΡΠ°ΠΆΠ΅Π½ΠΈΠΉ ΠΈΠ· Π½Π°Π±ΠΎΡΠ° Π΄Π°Π½Π½ΡΡ CIFAR-10 Ρ Π°ΡΠ³ΠΌΠ΅Π½ΡΠ°ΡΠΈΠ΅ΠΉ ΠΈ ΠΏΡΠ΅Π΄ΠΎΡΠ²ΡΠ°ΡΠ΅Π½ΠΈΠ΅ΠΌ ΠΏΠ΅ΡΠ΅ΠΎΠ±ΡΡΠ΅Π½ΠΈΡ
Size: 121 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

MTUCI-Labs/Lab5-Classification
Π Π°Π·ΡΠ°Π±ΠΎΡΠΊΠ° ΡΠ²Π΅ΡΡΠΎΡΠ½ΠΎΠΉ Π½Π΅ΠΉΡΠΎΠ½Π½ΠΎΠΉ ΡΠ΅ΡΠΈ Π΄Π»Ρ ΠΊΠ»Π°ΡΡΠΈΡΠΈΠΊΠ°ΡΠΈΠΈ ΠΈΠ·ΠΎΠ±ΡΠ°ΠΆΠ΅Π½ΠΈΠΉ
Language: Jupyter Notebook - Size: 59.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

YeongHyeon/Active-Learning
PyTorch implementation of "Learning Loss for Active Learning"
Language: Python - Size: 338 KB - Last synced at: 15 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

AbiXnash/Image-Prediction-CIFAR
This GitHub repository hosts my comprehensive CIFAR-10 image prediction project, which I completed as part of the SmartKnower program. CIFAR-10 is a widely used dataset in computer vision, consisting of 60,000 32x32 color images from 10 different classes.
Language: Jupyter Notebook - Size: 466 KB - Last synced at: 21 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Moddy2024/ResNet-9
Designed a smaller architecture implemented from the paper Deep Residual Learning for Image Recognition and achieved 93.65% accuracy.
Language: Jupyter Notebook - Size: 44.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

fitushar/Improved-Regularization-of-Convolutional-Neural-Networks
To evaluate the performance of each regularization method (cutout, mixup, and self-supervised rotation predictor), we apply it to the CIFAR-10 dataset using a deep residual network with a depth of 20 (ResNet20)
Language: Jupyter Notebook - Size: 6.94 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

SameetAsadullah/cs231n-KNN-Classifier-on-Cifar10-Dataset
Applied K-Nearest Neighhbor (KNN) Classifier on Cifar10 Dataset
Language: Jupyter Notebook - Size: 159 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

SameetAsadullah/cs231n-Softmax-Classifier-on-Cifar10-Dataset
Applied Softmax Classifier on Cifar10 Dataset
Language: Python - Size: 158 MB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

SameetAsadullah/cs231n-SVM-Classifier-on-Cifar10-Dataset
Applied Support Vector Machine (SVM) Classifier on Cifar10 Dataset
Language: Python - Size: 158 MB - Last synced at: 23 days ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

mvp18/custom-keras-callbacks
A guide on custom implementation of metric, logging, monitoring, and lr schedule callbacks in Keras
Language: Python - Size: 25.8 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

ADITYASHAH-IITP/Image-Classification
CIFAR-10 Photo Classification
Language: Jupyter Notebook - Size: 227 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

priyanshu-kr/jovian_DeepLearning
This repository contains all the work I have done during the course Deep Learning with PyTorch : Zero to GANs under Jovian.ai.
Language: Jupyter Notebook - Size: 940 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

Sarthak-1408/Cifar-10
Image Classification model with Cifar10 Dataset. This model Predicts the 10 classes of objects like Airplane, Cats, Automobiles, trucks, etc.
Language: Jupyter Notebook - Size: 5.3 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

deBUGger404/cifar-pytorch_model
Train Basic Model on CIFAR10 Dataset - π¨π₯οΈ Utilizes CIFAR-10 dataset with 60000 32x32 color images in 10 classes. Demonstrates loading using torchvision and training with pretrained models like ResNet18, AlexNet, VGG16, DenseNet161, and Inception. Notebook available for experimentation.
Language: Jupyter Notebook - Size: 163 KB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 1

Mananp96/Machine-Learning-Models
The project is based on datasets from various sectors namely finance, health, industrial, crime, education, social media, biology, product and multimedia from the UCI repository and Kaggle. Trained and evaluated 8 classification methods across 10 classification datasets, 7 regression methods across 10 regression datasets and 2 classification methods (Convolutional Neural Network and Decision Tree Classifier).
Language: Jupyter Notebook - Size: 39.3 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 1 - Forks: 0

vuanhtuan1012/deep-learning-with-pytorch
A summarization of the course Deep Learning with PyTorch at Jovian.
Language: Jupyter Notebook - Size: 65.3 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

AmritK10/CIFAR
Image Classification on CIFAR Dataset using CNN
Language: Jupyter Notebook - Size: 16.6 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 2

nishi1612/Machine-Learning-For-Data-Mining
This repository consists of Lab Assignments for course Machine Learning for Data Mining.
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

RaptorMai/Cifar10-CNN-Keras
Demonstrated some basic CNN models using CIFAR 10
Language: Jupyter Notebook - Size: 146 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

sverma88/Hybrid_Networks
Hybrid Networks: Improving Deep Learning via Integrating Two Views of Images, ICONIP'18
Language: MATLAB - Size: 148 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

zahramajd/neural-network-from-scratch
building a neural network classifier from scratch using Numpy
Language: Python - Size: 43 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 1

souravs17031999/CIFAR10-CLASSIFICATION-PROBLEM-TRANSFER-LEARNING
Repo for classification problem for CIFAR-10 dataset
Language: Jupyter Notebook - Size: 4.59 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

Zakstor15/cifar10-image-classifier
π§ A deep learning project using TensorFlow to classify CIFAR-10 images with both Artificial Neural Networks (ANN) and Convolutional Neural Networks (CNN), including model training, evaluation, and prediction visualization
Language: Jupyter Notebook - Size: 50.8 KB - Last synced at: 7 days ago - Pushed at: 7 days ago - Stars: 0 - Forks: 0

dp-ops/SVC_on_Mnist_n_Cifar-10
Notebook checking classification method using Support Vector Machines
Language: Jupyter Notebook - Size: 12.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

SPPramod/Image-Classify
Image Classification of 10 Classes
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Mohamed-Walied/Enhanced-Object-Recognition-using-CIFAR-10
A comparative Study of TensorFlow, PyTorch and Fine-Tuned AlexNet.
Language: Jupyter Notebook - Size: 2.46 MB - Last synced at: 24 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

nick8592/ViT-Classification-CIFAR10
This repository contains an implementation of the Vision Transformer (ViT) from scratch using PyTorch. The model is applied to the CIFAR-10 dataset for image classification. Vision Transformers divide an image into smaller patches and process them with transformer layers to extract features, leading to state-of-the-art performance on various vision
Language: Python - Size: 177 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

MuhammadTayyebHamid/Cifar-10
Implemented Cifar-10 without using any pre-trained model with an accuracy of 75%.
Language: Jupyter Notebook - Size: 108 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

BNTechie/Convolution-Neural-Network
Language: Jupyter Notebook - Size: 2.71 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

hectoramirez/ImageClassification_pytorch
Image classification with two CNNs using PyTorch
Language: Jupyter Notebook - Size: 1.44 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

JennyTan5522/Image-Classification-Using-Machine-Learning
Image classification using traditional machine learning model, ensemble model, hybrid model, and deep learning model
Language: Jupyter Notebook - Size: 21 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

sta314/cifar10-classification-experiments
Experiments on CIFAR-10 classification
Language: Jupyter Notebook - Size: 4.53 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

EkagraGupta/ForschungsArbeit
This project evaluates the robustness of image classification models against adversarial attacks using two key metrics: Adversarial Distance and CLEVER. The study employs variants of the WideResNet model, including a standard and a corruption-trained robust model, trained on the CIFAR-10 dataset. Key insights reveal that the CLEVER Score serves as
Language: Jupyter Notebook - Size: 6.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

SreecharanV/Improving-CIFAR-10-Image-Classification-with-Diverse-Architectures-Using-Ensemble-Learning
This project uses an ensemble of CNN, RNN, and VGG16 models to enhance CIFAR-10 image classification accuracy and robustness. By combining multiple architectures, we significantly outperform single-model approaches, achieving superior classification performance.
Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

liliansteven/LeNet5-implementation
This is an implementation of the LeNet-5 architecture on the Cifar10 and MNIST datasets.
Language: Jupyter Notebook - Size: 340 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

vigneshavmm/image_classification
In this project, the code snippet initialises a machine learning project for image classification.
Language: Jupyter Notebook - Size: 3.01 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

alinourian/Artificial-Intelligence-Assignments
This repository contains the assignments of Artificial Intelligence course at Sharif University of Technology.
Language: Jupyter Notebook - Size: 6.01 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

smhasandanish/Deep-Image-Classifier-for-CIFAR-10
This repository contains a deep learning-based image classifier for the CIFAR-10 dataset. It leverages convolutional neural networks (CNNs) to classify images into ten classes, making it a valuable resource for image classification tasks.
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

kianmajl/CIFAR10_Image_Classification
This project is one of the Computational Intelligence course projects in the spring of 2023, and it includes code related to training neural networks with gradient descent, training neural network using neuroevolution, Neural Architecture Search (NAS), and Self-Organizing Maps (SOM)
Language: Jupyter Notebook - Size: 3.4 MB - Last synced at: 28 days ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

VishalP227/LeNet5-CNN
LeNet5 architecture implementation using pytorch, network parameter optimization and performance evaluation on dataset with Symmetric Label Noise
Language: Jupyter Notebook - Size: 2.64 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

asrinoztin/cifar_10_keras_cnn
This repository includes a study that aims to apply classification on well-known CIFAR10 dataset. Detailed info in ReadMe
Language: Jupyter Notebook - Size: 2.6 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

simrann20/cifar-10
CIFAR-10 Classification
Language: Jupyter Notebook - Size: 397 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Pranavi1990/CNN
Convolutional Neural Network case study to predict image label of CIFAR10 images which are in built in Keras library
Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

IshanRD19/Image_Classification
Classified images from the CIFAR-10 dataset consisting of airplanes, dogs, birds, cats, and other objects. Iβve preprocessed the dataset, normalized the images, one-hot encoded the labels, and built a convolutional layer, max pool layer, and fully connected layer to see their predictions on the sample images.
Language: HTML - Size: 110 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ZahraBenslimane/Deep-Learning-with-PyTorch
Language: Jupyter Notebook - Size: 1.81 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Moddy2024/ResNet-34
Implemented Deep Residual Learning for Image Recognition Paper and achieved lower error rate by customizing different parts of the architecture.
Language: Jupyter Notebook - Size: 179 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Moddy2024/ResNet-18
Implemented the Deep Residual Learning for Image Recognition Paper and achieved better accuracy by customizing different parts of the architecture.
Language: Jupyter Notebook - Size: 65.7 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

abdulsamie10/RegularNNvsConvolutionalNN-Cifar10
Regular Neural Network and Convolutional Neural Network were applied on Cifar - 10 database, and checked the final results.
Language: Jupyter Notebook - Size: 378 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Moddy2024/Multi-Class-Image-Classification
A CNN model trained on 50,000 images for classification of images on 10 different classes.
Language: Jupyter Notebook - Size: 4.11 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

balgot/ib031-cifar10
Classifying CIFAR-10 dataset using simple classifiers
Language: Jupyter Notebook - Size: 4.68 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

guilhermedom/cifar10-simple-cnn-classifier
Simple TensorFlow CNN classifier with 4 convolutional and 3 dense layers for the CIFAR-10 dataset.
Language: Jupyter Notebook - Size: 159 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

gnyanesh-bangaru/alexnet-transferlearning-from-scratch
Implementation of AlexNet through a Transfer Learning Approach over CIFAR-10 Dataset using PyTorch from Scratch, presenting an accuracy of ~87%
Language: Python - Size: 129 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

kuntala-c/Deep-Neural-Network-using-Cifar-10-dataset
Deep Learning concepts practice using Cifar-10 dataset
Language: Jupyter Notebook - Size: 1.47 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 1

nafisa-samia/Implementing-Deep-Neural-Network-for-the-CIFAR-10-dataset Fork of kuntala-c/Deep-Neural-Network-using-Cifar-10-dataset
Deep Learning concepts practice using Cifar-10 dataset
Language: Jupyter Notebook - Size: 1.47 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

karatugo/cifar-10-image-classifier
CIFAR 10 image classifier with PyTorch
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

pprp/once-for-all Fork of mit-han-lab/once-for-all
Once for All for CIFAR10
Language: Python - Size: 254 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

Rahulraj31/CNN_CIFAR10_Dataset
Object Recognition on CIFAR-10 Dataset
Language: Jupyter Notebook - Size: 348 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

abhinavsaurabh/Cifar-10-SVM
Working on Cifar-10 Dataset and Finding out its best SVM Model.
Language: Jupyter Notebook - Size: 393 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

vaibhavmakhloga/CIFAR-10
Image classification of the CIFAR dataset reducing the dimensionality using principal component analysis (PCA)
Language: Jupyter Notebook - Size: 245 KB - Last synced at: 11 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

armhzjz/DenseNet
I did my own DenseNet implementation in python.
Language: Jupyter Notebook - Size: 97.1 MB - Last synced at: 9 days ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

z-fabian/simple_train
Simple training code for one hidden layer neural network in Tensorflow2.0.
Language: Python - Size: 28.3 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

RonakMehta21/FastAI-Keras-Colabs
Language: Jupyter Notebook - Size: 7.59 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

VarunV991/CIFAR-10-Image-Classification
Applying Deep Neural Networks for Image Classification
Language: Jupyter Notebook - Size: 16.7 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Its-neural-network/nn-cnn-cifar10
This is CNN based number classification on the cifar10 mnist data set
Language: Python - Size: 263 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

sichkar-valentyn/cifar10
CIFAR-10 Image Classification with numpy only
Size: 7.76 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

s9k96/Image-Classification-on-CIFAR10-using-CNN
Classifying CIFAR10 images using Convolutional Neural Network.
Language: Jupyter Notebook - Size: 87.9 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 2

sidharththapar/Deep-Learning
Neural Machine Translation using GRU, CIFAR10 Classification using CNN
Size: 3.91 KB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

garyliu0816/Keras-VGG-CIFAR10
For beginner to study
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 8 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1
