cifar10-classification

There are 103 repositories under cifar10-classification topic.

  • ylsung/pytorch-adversarial-training

    PyTorch-1.0 implementation for the adversarial training on MNIST/CIFAR-10 and visualization on robustness classifier.

    Language:Python2525865
  • pprp/PyTorch-CIFAR-Model-Hub

    Implementation of Conv-based and Vit-based networks designed for CIFAR.

    Language:Python702511
  • Hunterdii/AI-Nexus

    AI Nexus 🌟 is a streamlined suite of AI-powered apps built with Streamlit. It features 👗 StyleScan for fashion classification, 🩺 GlycoTrack for diabetes prediction, 🔢 DigitSense for digit recognition, 🌸 IrisWise for iris species identification, 🎯 ObjexVision for object recognition, and 🎓 GradeCast for GPA prediction with detailed insights.

    Language:Jupyter Notebook11106
  • Moddy2024/ResNet-9

    Designed a smaller architecture implemented from the paper Deep Residual Learning for Image Recognition and achieved 93.65% accuracy.

    Language:Jupyter Notebook9302
  • 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:Python8101
  • 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 Notebook8100
  • 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:Python7100
  • deepmancer/resnet-cifar-classification

    A step-by-step implementation of a ResNet-18 model for image classification on the CIFAR-10 dataset

    Language:Jupyter Notebook7100
  • p-rit/pytorch-Scholarship-challenge

    contains exercise solution

    Language:Jupyter Notebook7103
  • 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 Notebook7100
  • matlab-deep-learning/convmixer-patches-are-all-you-need

    ConvMixer - Patches Are All You Need?

    Language:MATLAB6342
  • da-da-di/Simsiam-for-CIFAR-10-Chinese

    使用了 https://github.com/SaeedShurrab/SimSiam-pytorch 作为Simsiam backbone,添加了中文注释和简单的训练过程

    Language:Python5101
  • 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 Notebook5105
  • 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 Notebook5101
  • 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.

    Language:Jupyter Notebook5100
  • pprp/ofa-cifar

    :star: Make Once for All support CIFAR10 dataset.

    Language:Python5131
  • chandra447/SVM-Image-classifier

    Implemeting SVM to classify images with hinge loss and the softmax loss.

    Language:Jupyter Notebook4100
  • 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 Notebook4101
  • 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:Python4200
  • ashkanmradi/neural-network-from-scratch

    Implementing a neural network classifier for cifar-10

    Language:Python3200
  • volkansonmez/Neural_Networks_From_Scratch

    Deep Learning Projects

    Language:Jupyter Notebook3100
  • baojudezeze/WideResNet-SAM-Optimizer

    the CIFAR10 dataset

    Language:Jupyter Notebook2100
  • kusiwu/cifar10-vgg16

    Classifies the cifar-10 database by using a vgg16 network. Training, predicting and showing learned filters are included.

    Language:Python2011
  • 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 Notebook2100
  • QuickLearner171998/CapsNet

    CapsNet models

    Language:Jupyter Notebook2200
  • al3monni/MNIST_CIFAR10_classification_tf2

    Vitis AI tutorial for MNIST and CIFAR10 classification

    Language:Python1100
  • apotursun963/CIFAR-Classifier

    Categorizes 10 different classes from CIFAR-10 dataset

    Language:Python1100
  • CIFAR10-model-contest

    ianwolf99/CIFAR10-model-contest

    The model design incorporates a compact architecture utilizing depthwise separable convolutions to minimize parameters and FLOPs, inverted residual blocks (inspired by MobileNetV2) to balance depth and width efficiently, and channel reduction techniques.But the model has not reached target of 95% accuracy,I invite other hackers to try. hack

    Language:Jupyter Notebook1100
  • MTUCI-Labs/Lab5-Classification

    Разработка сверточной нейронной сети для классификации изображений

    Language:Jupyter Notebook1100
  • NightInsight/MachineLearning_CNN_CV

    Создание и обучение сверточной нейронной сети (CNN) для классификации изображений из набора данных CIFAR-10 с аугментацией и предотвращением переобучения

  • 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 Notebook110
  • talhayaseen57/cifar-net

    Experience CIFAR-Net, a streamlined Python solution for classifying CIFAR-10 images with precision. Train, test, and predict effortlessly using our efficient CNN architecture and automation scripts. Dive into diverse datasets, make accurate predictions, and redefine image classification with ease! 🌟

    Language:Python1100
  • YeongHyeon/Active-Learning

    PyTorch implementation of "Learning Loss for Active Learning"

    Language:Python110
  • zahramajd/neural-network-from-scratch

    building a neural network classifier from scratch using Numpy

    Language:Python1102