convolutional-neural-networks
There are 10440 repositories under convolutional-neural-networks topic.
bloc97/Anime4K
A High-Quality Real Time Upscaler for Anime Video
BrainJS/brain.js
🤖 GPU accelerated Neural networks in JavaScript for Browsers and Node.js
zalandoresearch/fashion-mnist
A MNIST-like fashion product database. Benchmark :point_down:
microsoft/computervision-recipes
Best Practices, code samples, and documentation for Computer Vision.
milesial/Pytorch-UNet
PyTorch implementation of the U-Net for image semantic segmentation with high quality images
satellite-image-deep-learning/techniques
Techniques for deep learning with satellite & aerial imagery
brightmart/text_classification
all kinds of text classification models and more with deep learning
afshinea/stanford-cs-230-deep-learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
thtrieu/darkflow
Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
jeffheaton/t81_558_deep_learning
T81-558: Keras - Applications of Deep Neural Networks @Washington University in St. Louis
idealo/image-super-resolution
🔎 Super-scale your images and run experiments with Residual Dense and Adversarial Networks.
BoltzmannEntropy/interviews.ai
It is my belief that you, the postgraduate students and job-seekers for whom the book is primarily meant will benefit from reading it; however, it is my hope that even the most experienced researchers will find it fascinating as well.
BinRoot/TensorFlow-Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
huawei-noah/Efficient-AI-Backbones
Efficient AI Backbones including GhostNet, TNT and MLP, developed by Huawei Noah's Ark Lab.
TarrySingh/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials
A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Climate / Energy, Automotives, Retail, Pharma, Medicine, Healthcare, Policy, Ethics and more.
MrGemy95/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
NELSONZHAO/zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
shu223/iOS-10-Sampler
Code examples for new APIs of iOS 10.
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
avinashpaliwal/Super-SloMo
PyTorch implementation of Super SloMo by Jiang et al.
easy-tensorflow/easy-tensorflow
Simple and comprehensive tutorials in TensorFlow
dragen1860/Deep-Learning-with-PyTorch-Tutorials
深度学习与PyTorch入门实战视频教程 配套源代码和PPT
ndrplz/self-driving-car
Udacity Self-Driving Car Engineer Nanodegree projects.
sjchoi86/Tensorflow-101
TensorFlow Tutorials
KupynOrest/DeblurGAN
Image Deblurring using Generative Adversarial Networks
NVIDIA/MinkowskiEngine
Minkowski Engine is an auto-diff neural network library for high-dimensional sparse tensors
deeplearningturkiye/turkce-yapay-zeka-kaynaklari
Türkiye'de yapılan derin öğrenme (deep learning) ve makine öğrenmesi (machine learning) çalışmalarının derlendiği sayfa.
dipanjanS/practical-machine-learning-with-python
Master the essential skills needed to recognize and solve complex real-world problems with Machine Learning and Deep Learning by leveraging the highly popular Python Machine Learning Eco-system.
idealo/image-quality-assessment
Convolutional Neural Networks to predict the aesthetic and technical quality of images.
ajbrock/Neural-Photo-Editor
A simple interface for editing natural photos with generative neural networks.
ozan-oktay/Attention-Gated-Networks
Use of Attention Gates in a Convolutional Neural Network / Medical Image Classification and Segmentation
google/XNNPACK
High-efficiency floating-point neural network inference operators for mobile, server, and Web
kk7nc/Text_Classification
Text Classification Algorithms: A Survey
xmartlabs/Bender
Easily craft fast Neural Networks on iOS! Use TensorFlow models. Metal under the hood.
mpatacchiola/deepgaze
Computer Vision library for human-computer interaction. It implements Head Pose and Gaze Direction Estimation Using Convolutional Neural Networks, Skin Detection through Backprojection, Motion Detection and Tracking, Saliency Map.