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

GitHub topics: dilated-convolution

ParitoshParmar/MTL-AQA

What and How Well You Performed? A Multitask Learning Approach to Action Quality Assessment [CVPR 2019]

Language: Python - Size: 27.7 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 68 - Forks: 15

sandipan211/LoCATe-GAT

Official PyTorch implementation of the IEEE TETCI 2024 paper LoCATe-GAT

Language: Python - Size: 8.69 MB - Last synced at: 19 days ago - Pushed at: 19 days ago - Stars: 4 - Forks: 0

hellloxiaotian/ECNDNet

Enhanced CNN for image denoising (CAAI Transactions on Intelligence Technology, 2019)

Language: Python - Size: 13.2 MB - Last synced at: 18 days ago - Pushed at: over 2 years ago - Stars: 58 - Forks: 6

AdityaDutt/Audio-Classification-Using-Wavelet-Transform

Classifying audio using Wavelet transform and deep learning

Language: Python - Size: 19.8 MB - Last synced at: 26 days ago - Pushed at: over 3 years ago - Stars: 35 - Forks: 6

hellloxiaotian/BRDNet

Image denoising using deep CNN with batch renormalization(Neural Networks,2020)

Language: Python - Size: 137 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 188 - Forks: 32

AdityaDutt/Bird-Song-Classification

Classify bird species based on their songs using SIamese Networks and 1D dilated convolutions.

Language: Python - Size: 2.83 MB - Last synced at: 26 days ago - Pushed at: almost 4 years ago - Stars: 17 - Forks: 8

Jonas1312/dilation-rate-as-fibonacci-sequence

Dilation Rate Gridding Problem and How to Solve It With the Fibonacci Sequence.

Language: Python - Size: 660 KB - Last synced at: 6 days ago - Pushed at: almost 3 years ago - Stars: 3 - Forks: 0

dr-costas/dnd-sed

Sound event detection with depthwise separable and dilated convolutions.

Language: Python - Size: 55.7 KB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 53 - Forks: 8

BenChaliah/TimeSeriesGAN

GANs for Time series analysis (Synthetic data generation, anomaly detection and interpolation), Hypertuning using Optuna, MLFlow and Databricks

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 70 - Forks: 4

UARK-AICV/AerialFormer

[preprint] AerialFormer: Multi-resolution Transformer for Aerial Image Segmentation

Language: Python - Size: 13.1 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 16 - Forks: 0

ksasso1028/KCN-AUDIO-CLASSIFICATION

Classification of drum samples using dilated convolutions

Language: Python - Size: 208 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 9 - Forks: 3

srinath2022/DeSnowNet-Impl

Implementation of DeSnowNet paper - https://arxiv.org/pdf/1708.04512.pdf

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

zzzDavid/Dilated-Convolutional-Layer-Implementation

An implementation of dilated convolutional layer based on Darknet Architecture

Language: C - Size: 130 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 28 - Forks: 9

minar09/DRN-PyTorch

PyTorch implementation of Dilated Residual Networks for semantic image segmentation

Language: Python - Size: 402 KB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 4 - Forks: 3

Sai-Nandan-Desetti/Fast-Image-Processing

This is an implementation of the "Fast Image Processing with Fully-Convolutional Networks" paper.

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

stickeritis/sticker 📦

Succeeded by SyntaxDot: https://github.com/tensordot/syntaxdot

Language: Rust - Size: 1.13 MB - Last synced at: 8 days ago - Pushed at: about 4 years ago - Stars: 25 - Forks: 2

nhattruongpham/hda-adcrnn-ser

Hybrid Data Augmentation and Attention-based Dilated Convolutional-Recurrent Neural Networks for Speech Emotion Recognition

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

SpringerNLP/Chapter6

Chapter 6: Convolutional Neural Networks

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

ebuka-olisa/low-complexity-acoustic-scene

Neural Network for Low Complexity Acoustic Scene Classification

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

SharifAmit/DilatedFCNSegmentation

[SAIN'18] [Caffe] A dilated version of FCN with Stride 2 for Efficient Semantic Segmentation

Language: Python - Size: 315 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 33 - Forks: 20

many-facedgod/Numpy-Atrous-Transposed-CNN

A Numpy implementation of the dilated/atrous CNNs proposed by Yu et al. as well as transposed convolutions.

Language: Python - Size: 19.3 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 16 - Forks: 2

songdejia/DeepLab_v3_plus

This is an ongoing re-implementation of DeepLab_v3_plus on pytorch which is trained on VOC2012 and use ResNet101 for backbone.

Language: Python - Size: 1.94 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 88 - Forks: 20

gokul-pv/AdvancedConvolutions

Advance Convolutions, Attention and Image Augmentation: Depth wise, Pixel Shuffle, Dilated, Transpose, Channel Attention, and Albumentations Library

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

tonibofarull/ts-autoencoder

Dilated Convolutional Autoencoder for univariate Time Series

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

becauseofAI/DetNet-Keras

An implementation of DetNet with Keras.

Language: Python - Size: 718 KB - Last synced at: 18 days ago - Pushed at: over 6 years ago - Stars: 10 - Forks: 11

Mcamin/Forecasting Fork of microsoft/forecasting

Time Series Forecasting Best Practices & Examples

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

Related Keywords
dilated-convolution 26 deep-learning 10 convolutional-neural-networks 5 pytorch 5 deep-neural-networks 4 python 4 cnn 4 machine-learning 3 neural-network 3 lstm 3 keras 3 semantic-segmentation 3 pascal-voc2012 2 classification 2 batch-normalization 2 audio 2 low-level-vision 2 residual-learning 2 depthwise-separable-convolutions 2 dilation-convolution 2 cnn-keras 2 spectrogram 2 tensorflow 2 convolution 2 ac-blstm 1 speech-emotion-recognition 1 character-embeddings 1 cnn-lstm 1 dynamic-cnn 1 kernels 1 nlp 1 sentiment-analysis 1 cuda 1 darknet 1 gpu 1 dilated 1 dilated-resnet 1 drn 1 adaptive-normalization 1 context-aggregation-network 1 d2l 1 dependency-parsing 1 finalfusion 1 part-of-speech-tagger 1 rust 1 topological-fields 1 transformer 1 center-loss 1 data-augmentation 1 dilated-rnn 1 speech-emotion-classification 1 text-classification 1 encoder-decoder 1 xception 1 albumentations 1 attention-mechanism 1 autoencoder 1 interpretability 1 shapley-value 1 time-series 1 object-detection 1 receptive-field 1 arima 1 ets 1 forked-repo 1 lightgbm 1 linear-regression 1 mean-forcast 1 prophet 1 tweet-classifier 1 word-embeddings 1 caffe 1 fcn 1 fully-convolutional-networks 1 nyu-depth 1 nyu-depth-dataset 1 nyu-depth-v2 1 pascal-context 1 pascal-voc 1 sbd-dataset 1 dilatednet 1 im2row 1 transpose-convolution 1 transposedconvolution 1 deeplab 1 deeplab-v3-plus 1 action-quality-assessment 1 video-classification 1 vision-language 1 zero-shot-action-recognition 1 zero-shot-learning 1 cnn-pytorch 1 image-denoise 1 acoustics 1 mnist 1 morlet-wavelet 1 speaker-recognition 1 wavelet 1 wavelet-transform 1 batch-renormalization 1