residual-neural-network
There are 36 repositories under residual-neural-network topic.
ameraner/dsen2-cr
DSen2-CR: A network for removing clouds from Sentinel-2 images. This repo contains the model code, written in Python/Keras, as well as links to pre-trained checkpoints and the SEN12MS-CR dataset.
benniatli/BrainAgePredictionResNet
3D residual neural network that predicts age based on brain MRI images (implemented using TensorFlow 2).
sidharthgurbani/HAR-using-PyTorch
Implement Human Activity Recognition in PyTorch using hybrid of LSTM, Bi-dir LSTM and Residual Network Models
ethanhe42/ResNet-tensorflow
ResNet in tensorflow for CIFAR-100, CIFAR-10
Moddy2024/ResNet-9
Designed a smaller architecture implemented from the paper Deep Residual Learning for Image Recognition and achieved 93.65% accuracy.
Abhradipta/Facial-Expression-Recognition
Facial Expression Classification Using Convolutional Neural Network And Residual Neural Networks.
rytisss/PanelsDrillSegmentation
CNN implementation of article 'Segmentation of Drilled Holes in Texture Wooden Furniture Panels Using Deep Neural Network' by Rytis Augustauskas, Arūnas Lipnickas and Tadas Surgailis
Filetto-Di-Salmone/GeNNus
Deep Neural Networks for music genre classification as a proxy for multiple analytical studies
arasgungore/car-brand-recognition
Final project assigned for the Introduction to Image Processing (EE 475) course in the Spring 2023 semester.
Cli98/Urban-invasive-species
Official implementation for "Detecting plant invasion in urban parks with aerial image time series and residual neural network" published in remote sensing journal
shadowbourne/ST-ResNet-Pytorch
Deep Spatio-Temporal Residual Networks for Mobile Location Data Prediction (instead of original Crowd Flow Prediction) - Modified ST-ResNet
AryanJ11/Hyperspectral-Image-classification
HResNet with Attention for HSI classification
baotramduong/Emotion-AI-Facial-Key-points-Detection-with-Deep-Learning-Residual-Convolutional-Neural-Network
In this project, we will build, train and test a Convolutional Neural Networks with Residual Blocks to predict facial key point coordinates from facial images.
Karan-Choudhary/SuperResolution
GAN based Super resolution media engine
Sid2697/Diabetes_Research
Neural Networks for predicting diabetes from Fingerprints.
Abhradipta/Facial-Points-Detection
Detection of 15 Key Facial Points Using Residual Neural Networks.
sara2227/Residual-UNet-for-Left-Ventricle-segmentation
Residual learning: A new paradigm to improve deep learning-based segmentation of the left ventricle in magnetic resonance imaging cardiac images
sayantandutta86/Machine-Learning-Academic-Repository
Code repository of my academic projects and case studies in Machine Learning during my Master's Degree program.
Yoskutik/CreditCardsResNN
Fraud detection via residual neural network. (+ DVC)
dimitri009/Deep-Learning-Applications
This repository contains the code and report for the final evaluation of the Deep Learning Applications module. It includes three exercises on Convolutional Neural Networks (CNNs), Reinforcement Learning, and Adversarial Training. Each exercise is designed to showcase different aspects of deep learning techniques and their applications.
FandosA/Normal_Flow_Prediction_Pytorch
Deep learning model to predict the normal flow between two consecutive frames, being the normal flow the projection of the optical flow on the gradient directions.
hishamcse/Robo-Chess
Robo-Chess, a comprehensive repository dedicated to developing chess engines using a variety of Deep Reinforcement Learning techniques
KanNudimmud/NLP
NLP methods is practiced including GPT, Machine-translation, Q&A models
mahidul5130/ChurnNet_Deep_Learning_Enhanced_Customer_Churn-Prediction_in_Telecommunication_Industry
ChurnNet: Deep Learning Enhanced Customer Churn Prediction in Telecommunication Industry
ptrvsrg/deep-machine-learning
Программы по дисциплине "Современные методы глубокого машинного обучения" 6 семестра ФИТ НГУ
Ramseths/DL-brain-tumor-segmentation
Segmentation of brain tumors from MRI images using ResNet and ResUNet, the idea of implementing residual blocks and reducing gradient fading.
rsarka34/ILDNet
ILDNet: A Novel Deep Learning Framework for Interstitial Lung Disease Identification Using Respiratory Sounds (IEEE SPCOM-2024)
Russolves/Computer-Vision-ResNet-Object-Detector
Residual Neural Network Object Detector written for Pycocotool's library. Model implements custom skip block connections and uses a custom dataset loader for image classification object detection.
Russolves/pokemon-contest
Pokemon Classification Contest
XingzLi/Image-product-Transformation
Retrieving product information from real-world image using GAN improved by residual networks.
jungsoh/resnet-sign-language-recognition
Keras Functional API implementation of the 50-layer residual neural network (ResNet-50) and its application to sign language digit recognition
kkewat/Crop-Disease-Detection
This is a model for detecting the crop disease detection using ResNet50. The dataset images are annoted in Roboflow and called in the program through it's api.
SlippyKorny/nn_classification_benchmark
Source code of my "Object classification with artificial neural networks: A comparative analysis" paper and used scripts.
Zealfire243/X-ray-Classification-Model
Uses pediatric x-rays and data to build a classification model that can predict whether or not a patient has pneumonia.