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

Topic: "residual-networks"

HasibAlMuzdadid/ResNet

Implementation of Residual Networks.

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

ffengc/MARNet-Parkinson-severity-diagnosis-explainable-model Fork of JackAILab/MARNet

The code repository for "Parkinson’s severity diagnosis explainable model based on 3D multi-head attention residual network"

Language: Python - Size: 3.81 MB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

AtSourav/AE-w.-Bottleneck-Residual-Blocks

A CNN based autoencoder with Bottleneck Residual blocks on cifar10. May add perceptual loss and/or try out different loss functions later, will use L2 as the default.

Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

BubbleJoe-BrownU/GourmAIt

A PyTorch implementation of Google Research's Noisy Student Training. Applied on training a series of ResNets on Food101 image classification dataset

Language: Python - Size: 159 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

buddhiW/AdaptiveNet

A dynamically adaptable neural network-based replay spoofing attack detection system.

Language: Python - Size: 15.6 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

ayyucedemirbas/Sign_Language_Classification

We build and train a classifier model on ASL_Alphabet Dataset from scratch. And we fine-tune ResNet50 model which pretrained on imagenet.

Language: Jupyter Notebook - Size: 26.2 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

athanatos96/CNN-and-Residual-Connections-for-Cow-Teat-Image-Classification

Paper Name: Convolutional Neural Networks and Residual Connections for Cow Teat Image Classification. Testing the impact of Convolutional Neural layers and Residual Conections in the accuracy of dairy Cows Teat Imaga classification Dataset from and testing software: https://github.com/YoushanZhang/SCTL

Language: Jupyter Notebook - Size: 1.77 GB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

AlaaSedeeq/Residual-Blocks-Implementation

An implementation to the original architecture of Basic Block and Bottleneck Block with both Identity and Projection short-cut connections.

Language: Jupyter Notebook - Size: 766 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

burcgokden/Power-Law-Graph-Transformer

Implementation of Power Law Graph Transformer for Machine Translation and Representation Learning.

Language: Python - Size: 5.12 MB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Thehunk1206/GAN.art

A Style Based Generative model for generating art

Language: Python - Size: 62.7 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Rathore25/Denoising-By-ResNet

Use a ResNet to denoise the noisy images

Language: Jupyter Notebook - Size: 237 KB - Last synced at: 20 days ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

sammyamajumdar/ResNet50

Residual Neural Network model for Image Classification.

Language: Jupyter Notebook - Size: 9.12 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

ArkaSarkar19/SIGNS-Image-Classification-using-ResNets

Refer Readme.md

Language: Python - Size: 8.75 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 0

ierezell/PapierFewShot 📦

Reimplementation in pytorch of the paper https://arxiv.org/pdf/1905.08233.pdf

Language: Python - Size: 89.7 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

LoneWaheed/Coursera-Deep-Learning-Specialization-Convolutional-neural-networks-week2-Residual-Networks-v2.ipynb

Language: Jupyter Notebook - Size: 75.2 KB - Last synced at: 11 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

Adarsh-sophos/Deep-Learning

Deep Learning by Andrew Ng

Language: Jupyter Notebook - Size: 131 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

sameershinde14/Deep-Residual-Networks-using-Exponential-Linear-Unit

• Designed deep residual learning model with exponential linear unit for image classification with higher accuracy. • Decreased the error rate to 5.62% and 26.55% on CIFAR-10 and CIFAR-100 datasets respectively which outpaced the most competitive approaches previously published. • Published research paper for the same on 21th Sept 2016 at ACM conference.

Language: Lua - Size: 43 KB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

soapisnotfat/neural-style

a Pytorch implementation of neural style mixer

Language: Python - Size: 6.08 MB - Last synced at: 11 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

mb11797/Regional_OCR

An OCR to detect and identify text in Indian Regional Languages

Language: Jupyter Notebook - Size: 75.6 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

zengyu714/standard-panel-classification

Employ SSD and RetinaNet for Standard Panel Detecion in US Image

Language: Jupyter Notebook - Size: 3.79 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

kanavgoyal898/hideNet

By recursively splitting images into odd and even pixel subsets, hideNet creates a multi-resolution representation that can be effectively encoded and later reconstructed using learned generative models.

Language: Jupyter Notebook - Size: 2.58 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

kartikey2807/CNNs-Residual-Dropout-1RT720

CNN implementation for digit classification. Variations include residual connections and dropout layers. Optimizers: Adam, RMSProp and SGD.

Language: Jupyter Notebook - Size: 8.54 MB - Last synced at: 10 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

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.

Language: Python - Size: 236 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

NennoMP/randresnet

Code for "Randomized Convolutional Residual Neural Networks" paper.

Language: Python - Size: 23.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

smomtahe/Deep-Fusion-and-Residual-Attention-for-NIR-Imaging

This repository contains the implementation of an advanced deep learning model that integrates deep convolutional neural networks with fusion and residual attention mechanisms to enhance the accuracy of image reconstruction.

Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

rsarka34/RS-2-BP

RS-2-BP: A Unified Deep Learning Framework for Deriving EIT-Based Breathing Patterns from Respiratory Sounds (IEEE SPL-2024)

Language: Jupyter Notebook - Size: 287 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

AndyVale/residual_benchmarks_vnncomp

This repository contains a collection of residual benchmarks from VNNCOMP 2022-2024. It is designed to offer a more organized version of the existing benchmarks, making it easier to test new software. We recommend cloning the 'benchmarks_vnncomp' repository, which includes this repository as a submodule.

Size: 325 MB - Last synced at: 7 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

shimazahabi/Rayan-AI-Course

RAYAN AI international competition training course : Homeworks and Projects

Language: Jupyter Notebook - Size: 40.1 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Navya0203/RESNET-ON-CIFAR-10

In this project, we proposed a straightforward strategy to engineer Residual networks with fewer than 5M parameters for CIFAR10 dataset

Language: Jupyter Notebook - Size: 17.1 MB - Last synced at: 11 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 1

roopharshit/Image-classification-using-Deep-ResNets-on-Cifar-10

Using a modified ResNet to enhance image classification on the Cigar-10 dataset

Language: Python - Size: 9.77 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

VictorFranco/rust-residual-neural-network

Residual neural network in Rust for modeling binary numbers

Language: Rust - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

mahidul5130/ChurnNet_Deep_Learning_Enhanced_Customer_Churn-Prediction_in_Telecommunication_Industry

ChurnNet: Deep Learning Enhanced Customer Churn Prediction in Telecommunication Industry

Language: Jupyter Notebook - Size: 403 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

LinggarM/Poultry-Meat-Freshness-Classification-with-Transfer-Learning-using-ResNet

The utilization of the ResNet architecture and Transfer Learning methods to classify Poultry Meat Freshness images into two categories, namely Fresh and Rotten.

Language: Jupyter Notebook - Size: 89 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 1

Yuvaishu/SURGICAL-COMPLICATION-PREDICTION

AI is developed to predict the possible surgical complications(Cataract surgery) before the surgery based on the patient's medical history

Language: Jupyter Notebook - Size: 1.11 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Moddy2024/ResNet-34

Implemented Deep Residual Learning for Image Recognition Paper and achieved lower error rate by customizing different parts of the architecture.

Language: Jupyter Notebook - Size: 179 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Moddy2024/ResNet-18

Implemented the Deep Residual Learning for Image Recognition Paper and achieved better accuracy by customizing different parts of the architecture.

Language: Jupyter Notebook - Size: 65.7 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

francomano/Cards_Classification_Kaggle

This is my Convolutional Neural Network built for a Kaggle card image dataset and tested on new external images

Language: Jupyter Notebook - Size: 124 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

gaetanserre/GAiA

GAiA is a UCI chess engine built with C++ 17, ONNX and Pytorch. It performs an in-depth analysis and uses a complex squeeze-and-excitation residual network to evaluate each chess board.

Language: C++ - Size: 106 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

sonapraneeth-a/object-classification

Classification of objects in images for CIFAR 10 dataset

Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 2

tanjeffreyz/deep-residual-learning

PyTorch implementations of the deep residual networks published in "Deep Residual Learning for Image Recognition" by Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun

Language: Python - Size: 304 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Domics10/Real-SR Fork of Tencent/Real-SR

Real-World Super-Resolution via Kernel Estimation and Noise Injection. Results and adaptation of the https://github.com/Tencent/Real-SR github on the HC18 dataset.

Language: Python - Size: 291 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Linsho/mnist-baseline-chainer

Basic baseline training script of MNIST

Language: Python - Size: 85.9 KB - Last synced at: 11 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

galib96/lung-nodule-malignancy

Language: Jupyter Notebook - Size: 161 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

alexkowsik/deep-learning-online

Project Website for the Deep Learning Online Seminar at University

Language: HTML - Size: 16.1 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

kunal2812/RockPaperScissors

Analysis of Residual Networks reimplemented using Tensorflow 2.0 from scratch using ideas from the original research paper with a documentation summarising the paper and the implementation

Language: Jupyter Notebook - Size: 2.18 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

95anantsingh/NYU-ResNet-On-Steroids

High Accuracy ResNet Model under 5 Million parameters.

Language: Python - Size: 797 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

kunalkashyap855/wide-resnet-cifar10

Training a Wide Residual Network on the CIFAR - 10 dataset with a limit of 5 million on the number of trainable parameters.

Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

sachdevkartik/Computer-Vision

Deep Learning implementations using PyTorch

Language: Python - Size: 319 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

david-thrower/residual_MLP_Tests

Tests I am performing on a Python package for building residual multi - layer perceptrons and tandem [any model] -> ResMLPs models, useful for effective transfer learning. A pypi package should be coming soon.

Language: Jupyter Notebook - Size: 80.4 MB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

nolanzzz/encrypted-nn

A Privacy-Preserving Classification over Encrypted Images Solution with Deep Learning

Language: Python - Size: 400 KB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 1

pawlo555/leaves-classifier Fork of Wotaker/LeavesClassifier

CNN to classify leaves and illnesses

Language: Python - Size: 423 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

miastay/keras-mura-CNN

ResNet model for detecting abnormalities in x-ray imaging

Language: Python - Size: 2.54 MB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rVSaxena/Cifar_ResNet

Implementation of ResNet, and a myraid of Normalization layers, in PyTorch

Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

razormin/Convolutional-Neural-Networks

Convolutional Neural Networks coding assignments

Language: Jupyter Notebook - Size: 3.02 MB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

rajdeepslather/pneumonia-classification-py

Residual Deep CNN to classify X-Rays of pneumonia stricken lungs.

Language: Jupyter Notebook - Size: 2.63 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 0 - Forks: 0

dilayercelik/NeuroML-Tumor

Exploratory Project on Brain Tumor Detection from MRI image data, using Residual Neural Networks (ResNet50)

Language: Jupyter Notebook - Size: 4.2 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

JohanYe/MHC

Repository experimenting with predicting binding affinities inspired by DeepLigand

Language: Python - Size: 74.6 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

SiHaoShen/Convolutional-Neural-Networks

CNN, ResNets and Computer Vision

Language: Jupyter Notebook - Size: 57.1 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

JellyPoker/RANSR

Residual Attention Network for Super Resolution

Size: 430 MB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 1

MANU-CHAUHAN/deep-residual-net-image-classification

ResNet, residual network, implementation in Keras, for image classification, with different model architecture depths

Language: Python - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

victor-armegioiu/SegNet---Foreground-Background-Image-Segmentation

Fast bare-bones implementation of convolutional layers, residual blocks, Adam optimizer, backpropagation and custom accuracy and loss functions (F1 score per pixel and binary-crossentropy)

Language: Python - Size: 118 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 1

MNaplesDevelopment/PyTorch-ResNet

Residual Network for classifying the CIFAR-10 dataset

Language: Python - Size: 5.86 KB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

Chandra-cc/Object_Classification_Deep_Residual_Seperable_CNN_with_VGG16

Object_Classification_Deep_Residual_Seperable_CNN_with_VGG16

Language: Jupyter Notebook - Size: 112 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 0

arslansadiq/Deep-Learning-Specialization

This repository contains all the work done by me for Coursera's Deep Learning Specialization.

Language: Jupyter Notebook - Size: 359 MB - Last synced at: 5 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 2

soumye/Text-Summarization Fork of hashbangCoder/Text-Summarization

Text Summarization using Residual Logarithmic LSTMs

Language: Python - Size: 15.5 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 2

livenletdie/pytorch-mobilenet Fork of StevenLOL/pytorch-mobilenet

PyTorch Implementation of Mobilenet Variants including support for residual connections, group convolutions and squeeze-excite blocks

Language: Python - Size: 15.6 KB - Last synced at: 6 months ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

agarwaltanmay/deeplearning.ai

Coursera DeepLearning.ai Project Assignments

Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

mattbui/cifar10

Language: Python - Size: 4.85 MB - Last synced at: 28 days ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 0

dsp-uga/Team-Bulldawgs

Landmark Prediction- Develop a model that can predict landmark labels directly from image pixels, to help people better understand and organize the photo collections.

Language: Jupyter Notebook - Size: 2.89 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 0 - Forks: 2

damgambit/Simpson_predictor_app

A simple app that predicts which Simpson character you make it see! Here is an example of it in action:

Language: Python - Size: 37.8 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

damgambit/simpsons_characters-classification

Download the dataset from here: https://www.kaggle.com/alexattia/the-simpsons-characters-dataset/data

Language: Jupyter Notebook - Size: 21.9 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

Related Topics
deep-learning 93 convolutional-neural-networks 50 pytorch 40 resnet 36 machine-learning 30 cnn 25 deep-neural-networks 25 python 25 tensorflow 25 keras 21 image-classification 19 neural-networks 18 computer-vision 17 neural-network 16 cifar10 12 artificial-intelligence 11 resnet-50 9 imagenet 9 squeeze-and-excitation 8 cifar-10 8 image-recognition 7 lstm 7 transfer-learning 7 attention 6 super-resolution 6 gan 5 generative-adversarial-network 5 convolutional-neural-network 5 deep-residual-learning 5 cnn-model 5 unet 5 pytorch-implementation 5 neural-style-transfer 5 adam-optimizer 5 image-processing 5 cnn-classification 5 deeplearning 5 resnets 5 densenet 5 wide-residual-networks 5 yolo 4 binary-classification 4 nlp 4 vgg16 4 mnist 4 numpy 4 segmentation 4 mobilenet 4 classification 4 transformer 4 face-recognition 4 chainer 4 python3 4 rnn 4 recurrent-neural-networks 4 residual-neural-network 3 fine-tuning 3 autoencoder 3 resnet-18 3 keras-classification-models 3 optimization 3 alexnet 3 network-architecture 3 cnn-architecture 3 keras-neural-networks 3 cifar-100 3 pattern-recognition 3 residual-learning 3 gans 3 machine-learning-algorithms 3 machine-translation 3 autonomous-driving 3 regularization 3 residual-blocks 2 tensorflow2 2 graph-neural-network 2 wideresnet 2 visual-recognition 2 reconstruction 2 neural-architecture-search 2 data-augmentation 2 pytorch-cnn 2 optimization-algorithms 2 robustness 2 autonomous-vehicles 2 batch-normalization 2 speech-recognition 2 keras-tensorflow 2 feature-extraction 2 jupyter 2 gobang 2 deep-learning-algorithms 2 rezero 2 alphazero 2 resunet 2 deep-convolutional-networks 2 caffe 2 object-detection 2 semantic-segmentation 2 keras-models 2