convolutional-neural-network
There are 1095 repositories under convolutional-neural-network topic.
amanchadha/coursera-deep-learning-specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks; (v) Sequence Models
ZhaoJ9014/face.evoLVe
🔥🔥High-Performance Face Recognition Library on PaddlePaddle & PyTorch🔥🔥
cysmith/neural-style-tf
TensorFlow (Python API) implementation of Neural Style
google/XNNPACK
High-efficiency floating-point neural network inference operators for mobile, server, and Web
prabhuomkar/pytorch-cpp
C++ Implementation of PyTorch Tutorials for Everyone
YunYang1994/TensorFlow2.0-Examples
🙄 Difficult algorithm, Simple code.
bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
akanimax/pro_gan_pytorch
Unofficial PyTorch implementation of the paper titled "Progressive growing of GANs for improved Quality, Stability, and Variation"
gabrieleilertsen/hdrcnn
HDR image reconstruction from a single exposure using deep CNNs
cszn/FFDNet
FFDNet: Toward a Fast and Flexible Solution for CNN based Image Denoising (TIP, 2018)
richmondu/libfaceid
libfaceid is a research framework for prototyping of face recognition solutions. It seamlessly integrates multiple detection, recognition and liveness models w/ speech synthesis and speech recognition.
angus924/rocket
ROCKET: Exceptionally fast and accurate time series classification using random convolutional kernels
Yochengliu/Relation-Shape-CNN
Relation-Shape Convolutional Neural Network for Point Cloud Analysis (CVPR 2019 Oral & Best paper finalist)
buomsoo-kim/Easy-deep-learning-with-Keras
Keras tutorial for beginners (using TF backend)
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
kobiso/Computer-Vision-Leaderboard
Comparison of famous convolutional neural network models
amanchadha/coursera-ai-for-medicine-specialization
Programming assignments, labs and quizzes from all courses in the Coursera AI for Medicine Specialization offered by deeplearning.ai
angus924/minirocket
MINIROCKET: A Very Fast (Almost) Deterministic Transform for Time Series Classification
chrischoy/SpatioTemporalSegmentation
4D Spatio-Temporal Semantic Segmentation on a 3D video (a sequence of 3D scans)
qinnzou/DeepCrack
DeepCrack: Learning Hierarchical Convolutional Features for Crack Detection
QueensGambit/CrazyAra
A Deep Learning UCI-Chess Variant Engine written in C++ & Python :parrot:
chongyangtao/DeepHCCR
Offline Handwritten Chinese Character Recognition based on GoogLeNet and AlexNet (With CaffeModel)
ahmedbesbes/character-based-cnn
Implementation of character based convolutional neural network
BShakhovsky/PolyphonicPianoTranscription
Recurrent Neural Network for generating piano MIDI-files from audio (MP3, WAV, etc.)
AgaMiko/bird-recognition-review
A list of useful resources in the bird sound (song and calls) recognition, such as datasets, papers, links to open source projects and competitions
daiquocnguyen/ConvKB
A Novel Embedding Model for Knowledge Base Completion Based on Convolutional Neural Network (NAACL 2018) (Pytorch and Tensorflow)
akshaysharma096/Siamese-Networks
Few Shot Learning by Siamese Networks, using Keras.
aramis-lab/clinicadl
Framework for the reproducible processing of neuroimaging data with deep learning methods
gbrlfaria/rune-breaker
MapleStory Rune Solver with Machine Learning and Computer Vision
zhuofupan/Tensorflow-Deep-Neural-Networks
用Tensorflow实现的深度神经网络。
lars76/object-localization
Object localization in images using simple CNNs and Keras
ncarraz/ESRGANplus
ICASSP 2020 - ESRGAN+ : Further Improving Enhanced Super-Resolution Generative Adversarial Network - ICPR 2020 - Tarsier: Evolving Noise Injection in Super-Resolution GANs
lychengrex/Image-Denoising-with-Deep-CNNs
Use deep Convolutional Neural Networks (CNNs) with PyTorch, including investigating DnCNN and U-net architectures
laura-rieger/deep-explanation-penalization
Code for using CDEP from the paper "Interpretations are useful: penalizing explanations to align neural networks with prior knowledge" https://arxiv.org/abs/1909.13584
omerbsezer/CNN-TA
Algorithmic Financial Trading with Deep Convolutional Neural Networks: Time Series to Image Conversion Approach: A novel algorithmic trading model CNN-TA using a 2-D convolutional neural network based on image processing properties.