cnn-pytorch
There are 204 repositories under cnn-pytorch topic.
dvgodoy/PyTorchStepByStep
Official repository of my book: "Deep Learning with PyTorch Step-by-Step: A Beginner's Guide"
omerbsezer/Fast-Pytorch
Pytorch Tutorial, Pytorch with Google Colab, Pytorch Implementations: CNN, RNN, DCGAN, Transfer Learning, Chatbot, Pytorch Sample Codes
ashutosh1919/explainable-cnn
📦 PyTorch based visualization package for generating layer-wise explanations for CNNs.
hellloxiaotian/LESRCNN
Lightweight Image Super-Resolution with Enhanced CNN (Knowledge-Based Systems,2020)
hellloxiaotian/ADNet
Attention-guided CNN for image denoising(Neural Networks,2020)
hellloxiaotian/CFSRCNN
Coarse-to-Fine CNN for Image Super-Resolution (IEEE Transactions on Multimedia,2021)
Coderx7/SimpleNet
This repository contains the architectures, Models, logs, etc pertaining to the SimpleNet Paper (Lets keep it simple: Using simple architectures to outperform deeper architectures )
Randl/MobileNetV3-pytorch
Implementation of MobileNetV3 in pytorch
hellloxiaotian/ACNet
Asymmetric CNN for image super-resolution (IEEE Transactions on Systmes, Man, and Cybernetics: Systems 2021)
hellloxiaotian/ECNDNet
Enhanced CNN for image denoising (CAAI Transactions on Intelligence Technology, 2019)
hellloxiaotian/DudeNet
Designing and Training of A Dual CNN for Image Denoising (Knowledge-based Systems, 2021)
hernanrazo/human-voice-detection
Binary classification problem that aims to classify human voices from audio recordings. Implemented using PyTorch and Librosa.
Insiyaa/Music-Genre-Classification
Genre Classification using Convolutional Neural Networks
harryjdavies/Python1D_CNNs
1D convolutional neural networks for activity recognition in python.
cuijiancorbin/A-Compact-and-Interpretable-Convolutional-Neural-Network-for-Single-Channel-EEG
In this project, we propose a CNN model to classify single-channel EEG for driver drowsiness detection. We use the Class Activation Map (CAM) method for visualization. Results show that the model not only has a high accuracy but also learns biologically explainable features, e.g., Alpha spindles and Theta burst, as evidence for the drowsy state.
ddman1101/EDM-subgenre-classifier
Code for "Deep Learning Based EDM Subgenre Classification using Mel-Spectrogram and Tempogram Features" arXiv:2110.08862, 2021.
lee-shun/forest_fire_detection_system
online early forest fire detection system based on drone platform.
Joe-Sun-7/1dCNN-with-Attention-for-ECG-classification
心律失常检测/ECG信号分类
swiss-territorial-data-lab/object-detector
A suite of Python scripts allowing the end-user to use Deep Learning to detect objects in georeferenced raster images.
ElliotY-ML/Hippocampus_Segmentation_MRI
Udacity AI for Healthcare Nanodegree Project: Measurement of Hippocampus Structure in MRI 3-D Images using Deep Learning Image Segmentation
akueisara/deep-learning-projects
Deep Learning Projects using Python & Pytorch
brlivsky/helmet-detection-yolo
We present the Automatic Helmet Detection System, a CNN model trained on image dataset that can detect motorbikes as well as riders wearing helmets.
jesus-333/Dynamic-PyTorch-Net
Class to automatic create Convolutional Neural Network in PyTorch
Marcoscos/windpowerforecastDTU
Repository containing the group project Wind Power Forecasting for DTU's 02456 Deep Learning.
igsb/GestaltMatcher
Facial analysis framework for genetic disorders with facial dysmorphism
yousefkotp/Speech-Emotion-Recognition
Exploration of different audio features and CNN-based architectures for building an effective Speech Emotion Recognition (SER) system. The goal is to improve the accuracy of detecting emotions embedded in speech signals. The repository contains code, notebook, and detailed explanations of the experiments conducted.
lipeeeee/lunachess
Deep Reinforcement Learning Chess Engine in Pytorch
pminhtam/MIRnet_SIDD
Pytorch implement "Learning Enriched Features for Real Image Restoration and Enhancement"
georgeretsi/defHTR
Deformation-invariant line-level Handwritten Text Recognition (HTR) using a convolutional-only architecture.
Rickey-CS/Sentiment-Text-Classification-Pytorch
sentiment-analysis,document-classification,svm,logistic-regression,rcnn-text-classification, cnn-text-classification, lstm-text-classification, naive-bayes-classifier, sklearn-classify, pytorch
swarajkumarsingh/cnn-cifar-classification-model
Cifar classification model using Pytorch CNN module with ResNet9 model, with CUDA for training to archive 75% accuracy
tushar-tj/Convolutional-Neural-Networks-for-Sentence-Classification
Implementation of Convolutional Neural Networks for Sentence Classification by Yoon Kim
volkansonmez/Exploratory_Data_Analysis_and_ML_Projects
Several datasets are manipulated, visualized, and analyzed with well-known ML Algorithms to make predictions, clustering, or classifications.
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.