cnn-classification
There are 2719 repositories under cnn-classification topic.
FreedomIntelligence/TextClassificationBenchmark
A Benchmark of Text Classification in PyTorch
zhang17173/Event-Extraction
基于法律裁判文书的事件抽取及其应用,包括数据的分词、词性标注、命名实体识别、事件要素抽取和判决结果预测等内容
amineHorseman/facial-expression-recognition-using-cnn
Deep facial expressions recognition using Opencv and Tensorflow. Recognizing facial expressions from images or camera stream
sacmehta/EdgeNets
This repository contains the source code of our work on designing efficient CNNs for computer vision
cgnorthcutt/benchmarking-keras-pytorch
🔥 Reproducibly benchmarking Keras and PyTorch models
codebasics/potato-disease-classification
Potato Disease Classification - Training, Rest APIs, and Frontend to test.
MarkoArsenovic/DeepLearning_PlantDiseases
Training and evaluating state-of-the-art deep learning CNN architectures for plant disease classification task.
ashutosh1919/explainable-cnn
📦 PyTorch based visualization package for generating layer-wise explanations for CNNs.
MG2033/MobileNet-V2
A Complete and Simple Implementation of MobileNet-V2 in PyTorch
Dynmi/AlexNet
implement AlexNet with C / convolutional nerual network / machine learning / computer vision
gsurma/image_classifier
CNN image classifier implemented in Keras Notebook 🖼️.
chengzhengxin/groupsoftmax-simpledet
GroupSoftmax cross entropy loss function for training with multiple different benchmark datasets
deep-fingerprinting/df
The source code and dataset are used to demonstrate the DF model, and reproduce the results of the ACM CCS2018 paper
milaan9/Deep_Learning_Algorithms_from_Scratch
This repository explores the variety of techniques and algorithms commonly used in deep learning and the implementation in MATLAB and PYTHON
megvii-research/CADDM
Official implementation of ID-unaware Deepfake Detection Model
fotisk07/Deep-Learning-Coursera
Projects from the Deep Learning Specialization from deeplearning.ai provided by Coursera
aksh-ai/neuralBlack
A Multi-Class Brain Tumor Classifier using Convolutional Neural Network with 99% Accuracy achieved by applying the method of Transfer Learning using Python and Pytorch Deep Learning Framework
gyunggyung/PyTorch
PyTorch tutorials A to Z
mandrakedrink/ECG-Synthesis-and-Classification
1D GAN for ECG Synthesis and 3 models: CNN, LSTM, and Attention mechanism for ECG Classification.
Skar0/fire-detection
Forest fire detection using Convolutional Neural Networks
aashishrai3799/Automated-Attendance-System-using-CNN
An End to End Real Time Face Identification and attendance system using CNN
axenhammer/CODAR
✅ CODAR is a framework built using PyTorch to analyze post (Text+Media) and predict cyber bullying and offensive content.
Er1cZ/Deploying_CNN_on_FPGA_using_OpenCL
Squeezenet V1.1 on Cyclone V SoC-FPGA at 450ms/image, 20x faster than ARM A9 processor alone. A project for 2017 Innovate FPGA design contest.
ygean/SE_DenseNet
This is a SE_DenseNet which contains a senet (Squeeze-and-Excitation Networks by Jie Hu, Li Shen, and Gang Sun) module, written in Pytorch, train, and eval codes have been released.
Niranjankumar-c/DeepLearning-PadhAI
All the code files related to the deep learning course from PadhAI
fabiocarrara/deep-parking
Code to reproduce 'Deep Learning for Decentralized Parking Lot Occupancy Detection' paper.
ivaibhavkr/Weapon-Detection-And-Classification
Weapon Detection & Classification through CCTV surveillance using Deep Learning-CNNs.
developers-cosmos/Meme-Generator
MemeGen is a web application where the user gives an image as input and our tool generates a meme at one click for the user.
linsamtw/TaiwanTrainVerificationCode2text
台鐵驗證碼辨識/轉文字
lucaaslb/cnn-libras
Rede Neural Convolucional para reconhecimento de gestos em LIBRAS (Alfabeto) Projeto 01/2019 - Ciência da Computação (Universidade Anhembi Morumbi)
sanchit2843/Videoclassification
Crime detection in cctv footage using deep learning
rohanpillai20/Image-Classification-by-Keras-and-Tensorflow
Image Classification using Keras as well as Tensorflow.
RuoyuChen10/SMDL-Attribution
[ICLR 2024 Oral] Less is More: Fewer Interpretable Region via Submodular Subset Selection
leandroveronezi/go-recognizer
Face detection and recognition using golang
pprp/PyTorch-CIFAR-Model-Hub
Implementation of Conv-based and Vit-based networks designed for CIFAR.
anantSinghCross/pothole-detection-system-using-convolution-neural-networks
Real-time detection of potholes on roads using video (via Webcam) processed through a CNN model.