deep-neural-networks
There are 8353 repositories under deep-neural-networks topic.
tensorflow/tensorflow
An Open Source Machine Learning Framework for Everyone
deepfakes/faceswap
Deepfakes Software For All
terryum/awesome-deep-learning-papers
The most cited deep learning papers
HarisIqbal88/PlotNeuralNet
Latex code for making neural networks diagrams
AlexeyAB/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
spmallick/learnopencv
Learn OpenCV : C++ and Python Examples
onnx/onnx
Open standard for machine learning interoperability
microsoft/CNTK
Microsoft Cognitive Toolkit (CNTK), an open source deep-learning toolkit
ujjwalkarn/Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
kmario23/deep-learning-drizzle
Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
tonybeltramelli/pix2code
pix2code: Generating Code from a Graphical User Interface Screenshot
ritchieng/the-incredible-pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
hoya012/deep_learning_object_detection
A paper list of object detection using deep learning.
alexjc/neural-doodle
Turn your two-bit doodles into fine artworks with deep neural networks, generate seamless textures from photos, transfer style from one image to another, perform example-based upscaling, but wait... there's more! (An implementation of Semantic Style Transfer.)
alibaba/MNN
MNN is a blazing fast, lightweight deep learning framework, battle-tested by business-critical use cases in Alibaba
satellite-image-deep-learning/techniques
Techniques for deep learning with satellite & aerial imagery
tensorflow/tfjs-core
WebGL-accelerated ML // linear algebra // automatic differentiation for JavaScript.
facebookarchive/caffe2
Caffe2 is a lightweight, modular, and scalable deep learning framework.
alphacep/vosk-api
Offline speech recognition API for Android, iOS, Raspberry Pi and servers with Python, Java, C# and Node
advimman/lama
š¦ LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022
deeppavlov/DeepPavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
NVIDIA/pix2pixHD
Synthesizing and manipulating 2048x1024 images with conditional GANs
tensorflow/serving
A flexible, high-performance serving system for machine learning models
thtrieu/darkflow
Translate darknet to tensorflow. Load trained weights, retrain/fine-tune using tensorflow, export constant graph def to mobile devices
tensorflow/docs
TensorFlow documentation
Oneflow-Inc/oneflow
OneFlow is a deep learning framework designed to be user-friendly, scalable and efficient.
RangiLyu/nanodet
NanoDet-Plusā”Super fast and lightweight anchor-free object detection model. š„Only 980 KB(int8) / 1.8MB (fp16) and run 97FPS on cellphoneš„
paperswithcode/ai-deadlines
:alarm_clock: AI conference deadline countdowns
roboflow/notebooks
Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM.
gorgonia/gorgonia
Gorgonia is a library that helps facilitate machine learning in Go.
SkalskiP/courses
This repository is a curated collection of links to various courses and resources about Artificial Intelligence (AI)
mrdbourke/tensorflow-deep-learning
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
deep-learning-with-pytorch/dlwpt-code
Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann.
IntelLabs/distiller
Neural Network Distiller by Intel AI Lab: a Python package for neural network compression research. https://intellabs.github.io/distiller
KaiyangZhou/deep-person-reid
Torchreid: Deep learning person re-identification in PyTorch.
ahkarami/Deep-Learning-in-Production
In this repository, I will share some useful notes and references about deploying deep learning-based models in production.