Ecosyste.ms: Repos

An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: cnn-classification

DrStef/DrStef

Size: 134 KB - Last synced: 24 days ago - Pushed: 24 days ago - Stars: 0 - Forks: 0

arpy8/Plant_Disease_Detection

This repository contains an implementation of plant disease detection using a Convolutional Neural Network (CNN) built from scratch. Also contains a web app allowing users to upload an image of a plant and the CNN model predicts whether the plant is healthy or if it is affected by powdery mildew or rust.

Language: Jupyter Notebook - Size: 2.64 MB - Last synced: 24 days ago - Pushed: 25 days ago - Stars: 3 - Forks: 1

MeqdadDev/teachable-machine

A repo for PyPI package to simplify the deployment of exported Teachable Machine models into different environments like PC, Raspberry Pi and so on.

Language: Python - Size: 12.7 KB - Last synced: 26 days ago - Pushed: about 1 year ago - Stars: 5 - Forks: 2

yasarigno/Categorization_via_Deep_Learning_and_NLP

Recognition of categories of products from images and textual descriptions.

Language: Jupyter Notebook - Size: 10.3 MB - Last synced: 18 days ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

zl3327/Label-Noise-and-Correction

Project 3 responsible for project coding part, baseline model, Model I & II, also as presenter, make the PowerPoint. Mitigated noisy label in the CIFAR-10 dataset by developing Convolutional Neural Network (CNN) architectures and implementing extensive data augmentation to improve model robustness and generalization, resulting in accuracy to 74.4%

Language: Jupyter Notebook - Size: 1.66 MB - Last synced: 1 day ago - Pushed: 26 days ago - Stars: 0 - Forks: 0

chhetri123/Major_Project

This project aims to develop a deep learning-based system for image captioning and classification in both Nepali and English languages.

Language: Jupyter Notebook - Size: 370 MB - Last synced: about 4 hours ago - Pushed: 26 days ago - Stars: 2 - Forks: 0

Beluga-T/Music-Genre-Classification-by-Neuron-Network-Models

Music genre Classification with different models fine tuning and performance comparisons

Language: Python - Size: 1.17 GB - Last synced: 27 days ago - Pushed: 28 days ago - Stars: 0 - Forks: 0

slanacpizzagomilicafesb/Traffic-sign-classification-CNN

A CNN for classifying various traffic signs

Language: Jupyter Notebook - Size: 217 KB - Last synced: 27 days ago - Pushed: 27 days ago - Stars: 0 - Forks: 0

praj2408/Onsite-Health-Companion-OHC

This project develops a machine learning-based onsite health diagnostic system, facilitating real-time analysis and early detection of health conditions. By integrating data from various sources, it offers personalized insights and enhances healthcare accessibility.

Language: Jupyter Notebook - Size: 47 MB - Last synced: 17 days ago - Pushed: 28 days ago - Stars: 0 - Forks: 0

rlch/ch0ss

A sad excuse for a Chess AI using a CNN value function and Minimax alpha-beta pruning

Language: Python - Size: 35.4 MB - Last synced: 28 days ago - Pushed: over 3 years ago - Stars: 1 - Forks: 0

satojkovic/DeepTrafficSign

Traffic sign recognition with Deep Convolutional Neural Networks

Language: Python - Size: 692 KB - Last synced: 6 days ago - Pushed: over 1 year ago - Stars: 19 - Forks: 3

Frost-Lord/JobVector

JobVector is a cutting-edge AI model that maps your interests to potential career paths. Have you ever wondered what profession resonates with your hobbies and inclinations? JobVector is here to guide you!

Language: Rust - Size: 916 KB - Last synced: 29 days ago - Pushed: 29 days ago - Stars: 1 - Forks: 0

hadar-hai/vit-vs-cnn-on-elephants

This project focuses on evaluating Convolutional Neural Networks (CNN) and Vision Transformers (ViT) for image classification tasks, specifically distinguishing between Asian elephants and African elephants.

Language: Jupyter Notebook - Size: 259 MB - Last synced: 29 days ago - Pushed: 30 days ago - Stars: 0 - Forks: 0

Lefteris-Souflas/AI-Fashion

A project for the Machine Learning and Content Analytics course of the AUEB's MSc in Business Analytics

Language: Jupyter Notebook - Size: 785 MB - Last synced: 29 days ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

10mudassir007/Convolutional-Neural-Network-in-Tensorflow

Language: Python - Size: 4.88 KB - Last synced: 30 days ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

Mikepa22/Computervision_DL

Development of DL based model for computer vision

Language: Jupyter Notebook - Size: 12.3 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

marija-vukic/data-dinos

Data Hacks 2024

Language: Jupyter Notebook - Size: 137 MB - Last synced: 29 days ago - Pushed: about 1 month ago - Stars: 0 - Forks: 2

taexj/LeafCheck

Potato leaf disease detection using a CNN

Language: Python - Size: 1.92 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

ahmedelsayed968/Product-Categorization

Language: Jupyter Notebook - Size: 172 KB - Last synced: 10 days ago - Pushed: about 2 months ago - Stars: 1 - Forks: 0

nexiouscaliver/cat-dog-image-classifier

This is a simple image classifier that classifies images of cats and dogs. The model is trained using a Convolutional Neural Network (CNN) and the dataset used is the Dogs vs. Cats dataset from Kaggle. The model is trained using TensorFlow and Keras.

Language: Jupyter Notebook - Size: 312 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

Shagasresthaa/AstronomicalObjectsClassifier-Old

This project aims to classify astronomical objects using data from the Sloan Digital Sky Survey (SDSS) and Convolutional Neural Networks (CNN). It leverages python and popular machine learning libraries to accurately classify galaxies, stars, and quasars based on their image and spectral data.

Language: Python - Size: 139 MB - Last synced: 18 days ago - Pushed: about 1 month ago - Stars: 1 - Forks: 2

Priyagha/Pneumonia_Classification_CNN

Built a Convolutional Neural Network (CNN) model to classify X-ray images for pneumonia detection.

Language: Jupyter Notebook - Size: 1.06 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

abdoghareeb46/license-plate-recognition-system

license plate recognition system will work with camera to identify the plate number of the car that tries to enter the parking lot, and also check if the car allowed/not allowed to enter by checking the DB of the system.

Language: CSS - Size: 39.8 MB - Last synced: 17 days ago - Pushed: about 5 years ago - Stars: 11 - Forks: 4

Aalaa4444/Garbage_Classification

CNN model to classify garbage

Language: Jupyter Notebook - Size: 454 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

tobiadey/AICoursework

Fashion Mnist Classification (Linear,SVM,CNN)

Language: Python - Size: 9.07 MB - Last synced: about 1 month ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

kianelbo/Music-Classification

Ensemble music genre classifier (my BSc thesis)

Language: Python - Size: 18.6 KB - Last synced: 22 days ago - Pushed: over 3 years ago - Stars: 5 - Forks: 0

easyans/XAI-Enhanced-MRI-Analysis-for-AD-s-Prediction.

This project uses XAI to make AI-based Alzheimer's predictions understandable for doctors, aiming to improve diagnosis & treatment for patients

Language: Python - Size: 11 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 1

lucaaslb/cnn-libras

Rede Neural Convolucional para reconhecimento de gestos em LIBRAS (Alfabeto) Projeto 01/2019 - Ciência da Computação (Universidade Anhembi Morumbi)

Language: Python - Size: 366 MB - Last synced: 14 days ago - Pushed: almost 4 years ago - Stars: 79 - Forks: 21

royangkr/BabyReady

CNN to predict the reason why a baby is crying

Language: Python - Size: 17.1 MB - Last synced: 20 days ago - Pushed: over 1 year ago - Stars: 15 - Forks: 7

GuillaumeBrgnFR/FashionMnist

Personal practice about image classification applied to Fashion Mnist dataset.

Language: Jupyter Notebook - Size: 2 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

emirhanzeyrekk/ClassificationAppWithMATLAB

An application that shows which class the images given to the model created by processing a data set with deep learning belong to.

Language: MATLAB - Size: 17.3 MB - Last synced: 20 days ago - Pushed: about 1 month ago - Stars: 2 - Forks: 2

KZ0PHA/BirdVision

Single-instance bird detection and species multi-classification of 224 x 224 px colour images

Language: Jupyter Notebook - Size: 311 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

jaredloomis/neurothink

Muse 2 EEG analysis with PyTorch + CNNs.

Language: Jupyter Notebook - Size: 21.4 MB - Last synced: 17 days ago - Pushed: almost 3 years ago - Stars: 8 - Forks: 2

JustinaMichael/HierbaNetV1-A-Novel-CNN-Architecture

HierbaNetV1 is a novel convolutional neural network (CNN) architecture with a cutting-edge feature extraction technique

Language: Jupyter Notebook - Size: 102 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

fotisk07/Deep-Learning-Coursera

Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera

Language: Jupyter Notebook - Size: 87.4 MB - Last synced: 20 days ago - Pushed: over 5 years ago - Stars: 135 - Forks: 57

GuanhuaWang/sensAI

sensAI: ConvNets Decomposition via Class Parallelism for Fast Inference on Live Data

Language: Python - Size: 1.26 MB - Last synced: 4 days ago - Pushed: 4 days ago - Stars: 62 - Forks: 8

shliakhovd/fashion_mnist_image_classifier

This project implements a convolutional neural network (CNN) to classify fashion images from the Fashion MNIST dataset. The model is trained to recognize various clothing items such as T-shirts, trousers, and sneakers.

Language: Jupyter Notebook - Size: 172 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

antonioscardace/ISIC-2019-v2

Machine Learning Model to Skin Tumor Analysis and Classification.

Language: Python - Size: 2.25 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

wellifan-14/App_FishClassify

Aplikasi Berbasis Android untuk Mengklasifikasikan Spesies Ikan Cakalang dan Tongkol

Language: Java - Size: 1.16 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

vanallam/Image-classification-with-CIFAR-10

Training an image classification model with CIFAR-10 dataset

Language: Jupyter Notebook - Size: 190 MB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 2 - Forks: 0

aritradey-CS/Cancer-detection-app

Lung Cancer Prediction Model: Leverage the power of deep learning with this TensorFlow-based project. Trained on a dataset of lung X-Ray images, the model accurately predicts cancer cases. Easily integrate and utilize the model for early detection. #HealthTech #MachineLearning

Language: JavaScript - Size: 39.8 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 1 - Forks: 0

abhi227070/Face-Mask-Detection

Face Mask Detection is a deep learning project that utilizes Convolutional Neural Networks (CNNs) to classify images as either wearing a mask or not. With applications in public health and safety compliance, this project aids in enforcing mask-wearing guidelines during pandemics like COVID-19.

Language: Jupyter Notebook - Size: 2.08 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

LaurentVeyssier/Skin-Cancer-Classifier-Dermatologist-AI

Deep Neural network using CNN pre-trained model to visually diagnose between 3 types of skin lesions

Language: Jupyter Notebook - Size: 5.74 MB - Last synced: about 1 month ago - Pushed: 10 months ago - Stars: 8 - Forks: 5

LaurentVeyssier/Dog-Identification-App-using-CNN

App taking image as an input and using CNN network to identify dog breed

Language: Jupyter Notebook - Size: 2.83 MB - Last synced: about 1 month ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 0

xTerradon/hcaptcha-solver

Automated hCaptcha solver using binary image classification networks

Language: Jupyter Notebook - Size: 4.15 GB - Last synced: 28 days ago - Pushed: 9 months ago - Stars: 19 - Forks: 4

SKrishna-7/python-LeafDeseaseDetection

GUI based LeafDeseaseDetection using python with keras || tensorflow || Pyqt5

Language: Python - Size: 578 KB - Last synced: about 1 month ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

mdhabibi/LIME-for-Time-Series

LIME for TimeSeries enhances AI transparency by providing LIME-based interpretability tools for time series models. It offers insights into model predictions, fostering trust and understanding in complex AI systems.

Language: Jupyter Notebook - Size: 174 MB - Last synced: about 1 month ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

LIU42/FlowerClassify

基于 AlexNet 的花卉分类识别系统

Language: Python - Size: 1.61 MB - Last synced: 27 days ago - Pushed: 28 days ago - Stars: 6 - Forks: 1

fajieyuan/WWW2020-grec

Sequence-to-Sequence Generative Model for Sequential Recommender System

Language: Python - Size: 937 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 17 - Forks: 7

aka-0803/Image-classification-using-CNN

Image classification using cnn

Language: Jupyter Notebook - Size: 20.5 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

ZongyueQin/ImageClassifierOnCifar

I wrote the project to help me understand the CNN deep learning better and to practice writing deep learning model with pytorch.

Language: Python - Size: 7.81 KB - Last synced: about 2 months ago - Pushed: over 5 years ago - Stars: 0 - Forks: 0

codebasics/potato-disease-classification

Potato Disease Classification - Training, Rest APIs, and Frontend to test.

Language: Jupyter Notebook - Size: 29.3 MB - Last synced: about 1 month ago - Pushed: over 2 years ago - Stars: 189 - Forks: 213

jhparkkkk/Leaffliction Fork of guysharony/Leaffliction

Image classification by disease recognition on leaves

Language: Python - Size: 306 MB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 0 - Forks: 0

Ellwood12/Deep_Learning-2021

This course was taken through the University of Idaho, Fall of 2021. In this class, we practiced writing neural networks by hand, constructing convolutional neural networks using TensorFlow, and discussed current research being done in the field.

Language: Jupyter Notebook - Size: 323 KB - Last synced: about 2 months ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

nsu-ai/soroka

Узнай, хорошо или плохо говорят о тебе или твоей фирме в Интернете! Наша "Сорока" с искусственным интеллектом принесёт тебе это на своём хвосте.

Language: Python - Size: 39.9 MB - Last synced: about 2 months ago - Pushed: almost 6 years ago - Stars: 17 - Forks: 9

DGU-DAI-Lab/Personal-preference-classification-model

Language: Python - Size: 11.7 KB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 7 - Forks: 4

DGU-DAI-Lab/Preprocessing-model-through-non-uniform-filtering-for-CNN

Preprocessing model through non uniform filtering for CNN

Language: Python - Size: 8.79 KB - Last synced: about 2 months ago - Pushed: over 3 years ago - Stars: 6 - Forks: 4

caslab/picazo

PiCazo: The GenAI/Fake Image Detector

Language: Jupyter Notebook - Size: 25.3 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 4 - Forks: 1

DanYoung321/Pokemon-Image-Classification

Language: Jupyter Notebook - Size: 14.6 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

Tanwar-12/Harmful_Brain_Activity-Classification-KAGGLE-COMPETITION-

The goal of this competition is to detect and classify seizures and other types of harmful brain activity.

Language: Jupyter Notebook - Size: 5.21 MB - Last synced: 17 days ago - Pushed: about 2 months ago - Stars: 2 - Forks: 0

amitkumarusc/CIFAR-10_CNN

A Convolutional Neural Network built using tensorflow to train and classify images in CIFAR-10 dataset.

Language: Jupyter Notebook - Size: 15.4 MB - Last synced: about 2 months ago - Pushed: almost 6 years ago - Stars: 0 - Forks: 0

Ahmed-Habashy/CNN-hyperparameter_tuning

This Python code performs a grid search using scikit-learn to find the optimal combination of batch size and epochs for a neural network model built with Keras.

Language: Python - Size: 7.81 KB - Last synced: about 2 months ago - Pushed: about 1 year ago - Stars: 3 - Forks: 0

Ahmed-Habashy/CNN-classifier-for-EEG-Motor-imagery-spectrum-images

This Python script creates, trains, and tests a Convolutional Neural Network (CNN) for image classification using various libraries like Numpy, Tensorflow, OpenCV, Keras, etc. The input images are spectrum images that are loaded from a specified folder path and pre-processed by resizing and normalizing.

Language: Python - Size: 19.5 KB - Last synced: about 2 months ago - Pushed: about 1 year ago - Stars: 3 - Forks: 0

zenetio/Traffic-Car-Classifier

Use CNN to classify traffic signs

Language: Jupyter Notebook - Size: 123 MB - Last synced: about 2 months ago - Pushed: almost 3 years ago - Stars: 0 - Forks: 0

Rindhujatreesa/Deep_Learning_Projects

This is the repository for Deep Learning Projects that include Classification using CNN, TensorFlow, Keras, and Text Extraction using PyTesseract

Language: Jupyter Notebook - Size: 9.1 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

prachi-77/CNN-Image-Classification

Image Classification using CNN

Language: HTML - Size: 8.87 MB - Last synced: about 2 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

tanvipotdar/LOBMidPricePrediction

Create a mid-price classifier for limit order books using a CNN and LSTM

Language: Jupyter Notebook - Size: 13.7 MB - Last synced: about 2 months ago - Pushed: about 4 years ago - Stars: 12 - Forks: 6

zhang17173/Event-Extraction

基于法律裁判文书的事件抽取及其应用,包括数据的分词、词性标注、命名实体识别、事件要素抽取和判决结果预测等内容

Language: Python - Size: 198 MB - Last synced: about 2 months ago - Pushed: about 1 year ago - Stars: 544 - Forks: 135

kifakh/Bayesian-CNN-for-HSI

Bayesian CNN for HSI accuracy improvment

Language: Jupyter Notebook - Size: 977 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

syedissambukhari/Eggplant-disease-Classification-using-CNN

This repository contains code and resources for classifying eggplant diseases using Convolutional Neural Networks (CNN). The project aims to provide a solution for identifying diseases in eggplants through image classification techniques, facilitating early detection and intervention to prevent crop losses.

Language: Jupyter Notebook - Size: 3.52 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

azhaubassar/hdw-recognition

Trying to review existing methods for the handwritten kazakh character recognition problem using machine learning

Language: Jupyter Notebook - Size: 4.52 MB - Last synced: about 2 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

Annarhysa/Digit-Recognition

Building a digit recognizer model with the help of MNIST dataset

Language: Python - Size: 26.6 MB - Last synced: 10 days ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

MAHENDRA077/Vegetable-Recognition-using-CNN

Recognition of Vegetables using neural networks

Language: Jupyter Notebook - Size: 1.28 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

MarkoArsenovic/DeepLearning_PlantDiseases

Training and evaluating state-of-the-art deep learning CNN architectures for plant disease classification task.

Language: Python - Size: 4.07 MB - Last synced: about 2 months ago - Pushed: over 2 years ago - Stars: 210 - Forks: 101

LonnyCox55/MSDS692_ParasiticInfectionCNN

Intestinal Parasitic Egg Classification in Microscopic Images using CNNs

Language: Jupyter Notebook - Size: 3.95 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

somenath203/Binaryclass-Brain-Tumor-Classification-using-CNN

Click below to checkout the website of this project

Language: Jupyter Notebook - Size: 316 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

galax19ksh/CIFAR-10

classifying CIFAR-10 images using CNN in Tensorflow and Keras

Language: Jupyter Notebook - Size: 824 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

jhanvi-29/TrainCustomCNN

Do you want to train a custom convolution neural network with minimal steps and 0 coding efforts. Here is how you can train custom image classification model with minimal steps. Clone this repository and enjoy the model training sipping hot coffee.

Language: Python - Size: 2.93 KB - Last synced: about 2 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

AfnanHashmi/FaceMaskDetector

A high accurate AI model to tell whether you have wore mask or not

Language: Python - Size: 3.93 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 1 - Forks: 0

AfnanHashmi/Crack-Detector

The model is trained on the dataset from kaggle. used CNNs for training model. Has a accuracy of 97%.

Language: Python - Size: 7.81 KB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 1 - Forks: 0

Tanwar-12/Flowers--Classification

Flower classification involves developing a model to identify and categorize different types of flowers based on images. This task is a common example of image classification and is widely used in computer vision

Language: Jupyter Notebook - Size: 1.61 MB - Last synced: 17 days ago - Pushed: 8 months ago - Stars: 7 - Forks: 0

brainer3220/Geometry-Dasy-AI

Geometry Dash AI under development.

Language: Jupyter Notebook - Size: 2.04 GB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 8 - Forks: 2

djdhairya/Potato-Disease-Classification-

Potato Disease Classification - Training, Rest APIs, and Frontend to test.

Language: Jupyter Notebook - Size: 41.4 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

guiajf/malaria

Inteligência artificial aplicada para melhorar diagnósticos e tratamentos.

Language: Jupyter Notebook - Size: 454 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

Oichii/SNR

Comparison of two deep CNN architectures

Language: Jupyter Notebook - Size: 15.6 KB - Last synced: 2 months ago - Pushed: over 4 years ago - Stars: 0 - Forks: 0

mg-2321/Diabetic-Retinopathy

Diabetic Retinopathy using CNN

Language: CSS - Size: 2.93 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

Stephen54boom/Image-Classification-using-ANN-CNN

The code does image classification using the CIFAR-10 dataset. Two models, ANN and CNN, are trained on 32x32 color images across 10 classes. Following data preprocessing, the models are constructed and trained. Their classification performance is assessed on test images, highlighting their effectiveness in identifying objects within the dataset.

Language: Jupyter Notebook - Size: 417 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

wilberquito/melanoma.thesis

A CAD Infrastructure for Melanoma Detection

Language: Jupyter Notebook - Size: 117 MB - Last synced: about 2 months ago - Pushed: about 2 months ago - Stars: 0 - Forks: 0

Sree-Krishna/Diabetic-Blindness-Detection

Classify the severity stages of Diabetic Retinopathy

Language: Jupyter Notebook - Size: 14.6 MB - Last synced: 28 days ago - Pushed: 6 months ago - Stars: 0 - Forks: 1

MyDarapy/RoadWatch--Car-Detection-and-Tracking-

This repository contains a car detection and tracking software implemented using YOLOv8 for object recognition and classification, along with DeepSORT for tracking. The model is capable of detecting cars, buses, trucks, and trains in real-time video streams. This model combines state-of-the-art object detection and tracking techniques.

Language: Jupyter Notebook - Size: 5.86 KB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

babakyousefian/Virtual-Reality

you can learning operating midwife in operate room in VR hospital within AI robots for the first time in all around the world

Language: C# - Size: 12.5 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 1 - Forks: 0

animikhaich/ECG-Atrial-Fibrillation-Classification-Using-CNN

This is a CNN based model which aims to automatically classify the ECG signals of a normal patient vs. a patient with AF and has been trained to achieve up to 93.33% validation accuracy.

Language: Jupyter Notebook - Size: 143 KB - Last synced: 20 days ago - Pushed: about 3 years ago - Stars: 45 - Forks: 18

Ajax121/Comparison-of-Convolutional-neural-network-training-parameters-for-detecting-Alzheimer-s-disease-and

CNN parameter estimation and model tuning using a large neuroimaging dataset with more than 650 MRI scans as well as the generation of class activation and relevance maps.

Language: Jupyter Notebook - Size: 11.9 MB - Last synced: 2 months ago - Pushed: almost 3 years ago - Stars: 6 - Forks: 1

NavodPeiris/MobileNet_96x96_greyscale_weights

weights of MobileNetV1 and MobileNetV2 trained on greyscale images. supports 96x96 image inputs only. Useful for developing models for Edge devices like Android, IOS and Microcontrollers.

Size: 3.43 MB - Last synced: 2 days ago - Pushed: 3 months ago - Stars: 1 - Forks: 0

afgambin/traffic-classification-dl

Mobile Traffic Classification using Deep Learning

Language: Jupyter Notebook - Size: 1 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

likhithseera/MobComp-SafeDrive_App

This is an app for Autonomous Vehicle Safety

Language: Kotlin - Size: 33.5 MB - Last synced: 2 months ago - Pushed: 2 months ago - Stars: 0 - Forks: 0

srivabhi22/Chirpbird-Song-Recognition

A deep learning project for audio classification of different species of birds.

Language: Jupyter Notebook - Size: 22.5 MB - Last synced: 23 days ago - Pushed: 24 days ago - Stars: 0 - Forks: 0

kkmk11/NETWORK-INTRUSION-DETECTION-SYSTEM

This is a software application to detect network intrusion by monitoring a network or system for malicious activity and predicts whether it is Normal or Abnormal(attacked with intrusion classes like DOS/PROBE/R2L/U2R).

Language: JavaScript - Size: 11.4 MB - Last synced: 14 days ago - Pushed: 12 months ago - Stars: 9 - Forks: 1

andBabaev/cuda_guide

A project for MlOps course of ODS

Language: Jupyter Notebook - Size: 1.58 MB - Last synced: 2 months ago - Pushed: about 2 years ago - Stars: 0 - Forks: 0

miaphan902/Gender-Classification-Application-with-flask

This is all of my study about machine learning

Language: Jupyter Notebook - Size: 17.9 MB - Last synced: 2 months ago - Pushed: 3 months ago - Stars: 2 - Forks: 0

Related Keywords
cnn-classification 1,670 deep-learning 571 cnn 418 tensorflow 342 python 338 cnn-keras 329 machine-learning 314 keras 202 image-classification 188 pytorch 182 cnn-model 165 convolutional-neural-networks 162 computer-vision 142 deep-neural-networks 140 keras-tensorflow 137 python3 129 neural-network 110 transfer-learning 104 classification 100 opencv 81 image-processing 77 neural-networks 71 jupyter-notebook 69 tensorflow2 64 ai 60 artificial-intelligence 55 cnn-for-visual-recognition 51 flask 49 vgg16 44 deeplearning 41 keras-neural-networks 38 data-science 36 numpy 36 machine-learning-algorithms 36 nlp 35 resnet-50 34 svm-classifier 33 mnist-classification 32 opencv-python 30 cnn-architecture 30 resnet 30 mnist 28 pytorch-cnn 27 object-detection 26 matplotlib 25 lstm-neural-networks 25 image-recognition 25 streamlit 25 cifar10 23 covid-19 23 artificial-neural-networks 22 pandas 20 nlp-machine-learning 20 data-augmentation 20 face-recognition 20 cifar-10 20 fashion-mnist 18 convolutional-neural-network 18 keras-classification-models 18 pytorch-implementation 17 cnn-pytorch 17 ml 16 reactjs 16 kaggle 16 kaggle-dataset 15 mobilenetv2 15 flask-application 15 logistic-regression 15 text-classification 15 multiclass-classification 15 rnn 15 colab-notebook 14 classification-model 14 handwritten-digit-recognition 13 inceptionv3 13 lstm 13 matlab 13 medical-imaging 13 fashion-mnist-dataset 13 fastapi 13 detection 13 face-detection 13 kaggle-competition 13 gan 12 scikit-learn 12 vgg16-model 12 fastai 12 traffic-sign-classification 12 vgg19 12 data-visualization 12 javascript 12 mlp-classifier 12 pytorch-lightning 12 image 12 alexnet 12 knn-classification 12 django 12 android 11 inception-v3 11 classification-algorithm 11