resnets
There are 37 repositories under resnets topic.
amanchadha/iSeeBetter
iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press
MihawkHu/DCASE2020_task1
Code for DCASE 2020 task 1a and task 1b.
zfgao66/deeplearning-mpo
Replace FC2, LeNet-5, VGG, Resnet, Densenet's full-connected layers with MPO
jerett/PyTorch-CIFAR10
practice on CIFAR10 with PyTorch
aihpi/practical-computer-vision-with-pytorch
Content for workshops on computer vision @ HPI's AI Service Center
vorobeevich/distillation-in-dg
Implementation of "Weight Averaging Improves Knowledge Distillation under Domain Shift" (ICCV 2023 OOD-CV Workshop)
xternalz/SDPoint
Stochastic Downsampling for Cost-Adjustable Inference and Improved Regularization in Convolutional Networks
jaswindersingh2/RNAsnap2
Single-sequence and Profile-based Prediction of RNA Solvent Accessibility Using Dilated Convolution Neural Network
cambridge-mlg/arch_uncert
Code for "Variational Depth Search in ResNets" (https://arxiv.org/abs/2002.02797)
fangvv/EdgeKE
Code for paper "EdgeKE: An On-Demand Deep Learning IoT System for Cognitive Big Data on Industrial Edge Devices"
Moddy2024/ResNet-9
Designed a smaller architecture implemented from the paper Deep Residual Learning for Image Recognition and achieved 93.65% accuracy.
thisishardik/AI-advertisement-platform-dl
This is an AI-powered advertisement platform that performs Face Detection using Haar Cascade Frontal Face and Wide ResNet to detect your age and gender via an external camera and then show you video advertisements related to the products that suit your corresponding age and gender in real-time.
basiralab/RESNets
Residual Embedding Similarity-based Network Selection (RESNets) for forecasting network dynamics.
Moddy2024/ResNet-18
Implemented the Deep Residual Learning for Image Recognition Paper and achieved better accuracy by customizing different parts of the architecture.
shiming-chen/Writer-Identification
The experiment of project
cattidea/shoeprint-recognition
:footprints: “恒锐杯”鞋印花纹图像类别判定挑战赛
parikshitkumar1/Starterdex
A computer vision web-app that uses deep learning and Residual Neural Networks to identify your Pokémon and then tells you all about it.
arbiter1elegantiae/Robustness-of-deep-neural-networks-with-trainable-activation-functions
Robustness of Deep Neural Networks using Trainable Activation Functions
Moddy2024/ResNet-34
Implemented Deep Residual Learning for Image Recognition Paper and achieved lower error rate by customizing different parts of the architecture.
shambhavimalik/ResNet50
The aim is to build a Deep Convolutional Network using Residual Networks (ResNet). Here we build ResNet 50 using Keras.
uname0x96/yolov3_multi_backbone
Yolov3 with multi backbone
95anantsingh/NYU-ResNet-On-Steroids
High Accuracy ResNet Model under 5 Million parameters.
InzamamAnwar/ResNet-50-Multi-GPU-Implementation
Simple Multi-GPU Implementation of ResNet in Tensorflow
dansolombrino/Biscuits
A set of experiments inspired by the paper "Training BatchNorm and Only BatchNorm: On the Expressive Power of Random Features in CNNs" by Jonathan Frankle, David J. Schwab, Ari S. Morcos
mathieujcqs/adaptive_grad_clip_project
Optimize ResNet Learning Process
MithileshL-26/CLASSIFICATION_-_PREDICTION_OF_HANDWRITTEN_DEVANAGARI_SCRIPT_USING_TRANSFER_LEARNING-
This Project uses Convolutional Neural Networks (CNN) for the classification and prediction of handwritten Devanagari script. Leveraging transfer learning techniques, it adapts pre-trained models to recognize and forecast characters in Devanagari, enhancing accuracy and efficiency.
runnily/forward-thinking
Training using an alternative approach: forward-thinking
sagarreddypatil/cifar10-pytorch-cnn
Simple implementation of a residually connected convolutional neural network in PyTorch
smrusmn/DeepLearning_Pytorch
Initial Deep Learning Projects With Pytorch
VedantG-02/pytorch-PlayGround
Block-by-block implementation from scratch of CNNs and GANs using PyTorch, with language models to be added later.
anantoj/pytorch-mini-projects
A collection of small-scale projects that helped me learn the basics of the PyTorch framework
SubhashKrYadav/RoadToLearnDeepLearning
Journey to Learn Deep Learning with Pytorch from scratch i.e, from Tensor & Gradients to Advance topic like Generative Adversarial Networks
vikramsandu/VISION_ARCHITECTURES
Pytorch Implementation and Performance Analysis of the Popular Vision Architectures from Scratch.