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

Topic: "skip-connections"

braindotai/Watermark-Removal-Pytorch

🔥 CNN for Watermark Removal using Deep Image Prior with Pytorch 🔥.

Language: Jupyter Notebook - Size: 43.2 MB - Last synced at: about 1 month ago - Pushed at: 8 months ago - Stars: 1,017 - Forks: 158

VITA-Group/Deep_GCN_Benchmarking

[TPAMI 2022] "Bag of Tricks for Training Deeper Graph Neural Networks A Comprehensive Benchmark Study" by Tianlong Chen*, Kaixiong Zhou*, Keyu Duan, Wenqing Zheng, Peihao Wang, Xia Hu, Zhangyang Wang

Language: Python - Size: 805 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 125 - Forks: 21

csdongxian/skip-connections-matter

Codes for ICLR 2020 paper "Skip Connections Matter: On the Transferability of Adversarial Examples Generated with ResNets"

Language: Python - Size: 1.09 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 69 - Forks: 9

seorim0/NUNet-TLS

Nested U-Net with two-level skip connections for speech enhancement

Language: Python - Size: 60.5 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 19 - Forks: 3

atapour/temporal-depth-segmentation

Source code (train/test) accompanying the paper entitled "Veritatem Dies Aperit - Temporally Consistent Depth Prediction Enabled by a Multi-Task Geometric and Semantic Scene Understanding Approach" in CVPR 2019 (https://arxiv.org/abs/1903.10764).

Language: Python - Size: 176 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 19 - Forks: 8

ap229997/Variants_of_U-net

Implementations of different variations of U-net - adding deconv layers, dense net variant and including skip connections

Language: Python - Size: 4.42 MB - Last synced at: 12 months ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 2

Abd-AlrahmanBadr/SingleImageSuperResolution

Graduation Project. Applying Generative Adversarial Networks(GAN) with Residual-In-Residual(RIR) blocks.

Language: Python - Size: 36.8 MB - Last synced at: 3 months ago - Pushed at: almost 6 years ago - Stars: 8 - Forks: 3

DebeshJha/MDNet

Abdominal Organ Segmentation using Multi Decoder Network (MDNet) [Accepted at ICASSP 2025]

Language: Python - Size: 1.6 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 7 - Forks: 1

juhyeonkim95/NovelViewSynthesis

This is the official implementation of "Novel View Synthesis with Skip Connections" (ICIP 2020)

Language: Python - Size: 4.21 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

Brain-Tumor-Segmentation/brain-tumor-segmentation-using-deep-neural-networks

The project presents a comparative study of Brain Tumor Segmentation using 3 approaches - 1) Sobel Operator and U-Net, 2) V-Net, 3) W-Net

Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 5 - Forks: 5

sevdaimany/ResNet50-ChestCancer-Detection

This project demonstrates the implementation of ResNet50 from scratch and its application for chest cancer classification using the Chest CT-scan Images dataset.

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

DhruvSrikanth/2D-3D-Single-View-Reconstruction

IEEE paper implementation of Single-View 2D-3D Reconstruction.

Language: Python - Size: 35.2 MB - Last synced at: about 1 month ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 1

VCL3D/HybridSkip

Code accompanying the paper: "Hybrid Skip: A Biologically Inspired Skip Connection for the UNet Architecture"

Size: 22.5 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

hi-tech-AI/watermark-remove

Watermark Removal using TensorFlow

Language: Python - Size: 1.55 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 2

seorim0/CNUNet-MD

Complex nested U-Net with a multi-branch decoder for speech enhancement

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

Moddy2024/Bird-Classification

ResNet-34 Model trained from scratch to classify 450 different species of birds with 98.6% accuracy.

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

ArkaSarkar19/SIGNS-Image-Classification-using-ResNets

Refer Readme.md

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

polarbeargo/RoboND-DeepLearning-Project Fork of udacity/RoboND-DeepLearning-Project

RoboND Term 1 Deep Learning Project, Follow-Me

Language: HTML - Size: 99.2 MB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

hjhaghshenas/SMND

Skip-connected autoencoder semi-blind multichannel nonstationary deconvolution (SMND) for seismic data

Language: Python - Size: 17.3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

GnanaPrakashSG2004/UNet_Segmentation

Segmentation pipeline that uses a U-Net backbone to perform segmentation on the Cityscapes dataset. Conducted experiments to analyse the impact of the skip connections of the U-Net on the quality of the segmentation masks. These masks are also qualitatively analysed using the Intersection-over-Union (IoU) metric

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

jagennath-hari/ResNet5M-CIFAR10 Fork of navoday01/ResNet5M-CIFAR10

The main goal of this project is to come up with an architecture having the highest test accuracy on the CIFAR-10 image classification dataset, under the constraint that model has no more than 5 million parameters.

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

mosama1994/YOLO-v3-Object-Detection-CNN-

Implementation of Yolo v3 object detection fully convolutional neural network model in Tensorflow & Keras

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

lafith/Hybrid-Skip-Connection

PyTorch Implementation of Hybrid Skip Connection for UNet

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

jaydeepthik/semantic-segmentation-with-IoU-metric-and-DICE-coffecient

road and traffic segmentation with IoU metric and DICE coffecient

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

y656/Implementation-of-ResNet-algorithm-from-He-et-al.-2015-research-paper

This repository contains the implementation of famous ResNet50 which is state of art technique for image classification

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

DhruvSrikanth/Model-Pipelines

Model Pipelines for GNNs, VAEs, Neural Style Transfer, and other kinds of models!

Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

sandeeppaulraj/CarND-Semantic-Segmentation

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

Related Topics
deep-learning 11 python 8 convolutional-neural-networks 6 pytorch 6 tensorflow 6 computer-vision 5 unet 5 neural-networks 3 machine-learning 3 transfer-learning 3 nested-unet 2 graph-neural-networks 2 image-processing 2 resnet-50 2 segmentation 2 keras 2 resnet 2 neural-network 2 semantic-segmentation 2 watermark-removal 2 classification 2 image-classification 2 watermark 2 u2net 2 speech-enhancement 2 densenet 2 u-net 2 autoencoder 2 fully-convolutional-networks 2 deep-neural-networks 2 generative-adversarial-network 1 graduation-project 1 gan 1 yolov3 1 pascal-voc 1 object-detection 1 jupyter-notebook 1 variational-autoencoder 1 vae 1 style-transfer 1 vgg 1 novel 1 imagenet 1 ae-dense 1 3d-skipnet 1 3d 1 2d 1 matplotlib 1 restoration-tasks 1 attention-mechanism 1 encoder-decoder-model 1 interpretability 1 interpretable-machine-learning 1 medical-image-segmentation 1 polyp-segmentation 1 real-time-polyp-segmentation 1 resnet50 1 benchmark 1 deep-graph-library 1 deep-graph-networks 1 dropout 1 normalization 1 ogb 1 training-tricks 1 numpy 1 optimization 1 pattern-recognition 1 residual-blocks 1 sisr 1 skimage 1 super-resolution 1 vgg19 1 deconvolution 1 seismic-data 1 convblock 1 idblock 1 residual-networks 1 artefacts-removal 1 deep-image-priors 1 paper 1 vnet-segmentation 1 unet-tensorflow 1 unet-segmentation 1 unet-model 1 unet-keras 1 unet-image-segmentation 1 sobel-operator 1 sobel-edge-detection 1 resblock 1 convolutional-neural-network 1 brain-tumor-segmentation 1 spherical-panoramas 1 spherical-panorama 1 smoothness 1 omnidirectional-vision 1 hybrid-images 1 hybrid-image 1 edge-preserving 1 depth-estimation 1 cnn 1