GitHub topics: deep-learning-tutorial
labmlai/annotated_deep_learning_paper_implementations
🧑🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Language: Python - Size: 149 MB - Last synced at: 3 days ago - Pushed at: 30 days ago - Stars: 64,718 - Forks: 6,554
Correia-jpv/fucking-Machine-Learning-Tutorials
Machine learning and deep learning tutorials, articles and other resources. With repository stars⭐ and forks🍴
Size: 8.48 MB - Last synced at: 1 day ago - Pushed at: 3 days ago - Stars: 11 - Forks: 3
Correia-jpv/fucking-awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities. With repository stars⭐ and forks🍴
Size: 577 KB - Last synced at: 4 days ago - Pushed at: 5 days ago - Stars: 14 - Forks: 2
ChristosChristofidis/awesome-deep-learning
A curated list of awesome Deep Learning tutorials, projects and communities.
Size: 593 KB - Last synced at: 8 days ago - Pushed at: 7 months ago - Stars: 26,914 - Forks: 6,229
ujjwalkarn/Machine-Learning-Tutorials
machine learning and deep learning tutorials, articles and other resources
Size: 8.61 MB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 17,183 - Forks: 3,948
misrapk/Deep-Learning-Course-YT
100 days of deep learning is a streak so that one can learn deep learning from basic to advance in just 100 days.
Language: Jupyter Notebook - Size: 81.5 MB - Last synced at: 6 days ago - Pushed at: 9 days ago - Stars: 0 - Forks: 0
ritchieng/the-incredible-pytorch
The Incredible PyTorch: a curated list of tutorials, papers, projects, communities and more relating to PyTorch.
Size: 462 KB - Last synced at: 12 days ago - Pushed at: 15 days ago - Stars: 12,188 - Forks: 2,173
ahkarami/Great-Deep-Learning-Tutorials
A Great Collection of Deep Learning Tutorials and Repositories
Size: 1.43 MB - Last synced at: 12 days ago - Pushed at: 15 days ago - Stars: 335 - Forks: 61
eudk/awesome-ai-tools
🔴 VERY LARGE AI TOOL LIST! 🔴 Curated list of AI Tools - Updated September 2025
Size: 387 KB - Last synced at: 14 days ago - Pushed at: 29 days ago - Stars: 163 - Forks: 64
bat67/awesome-deep-learning-and-machine-learning-questions
【不定期更新】收集整理的一些网站中(如知乎、Quora、Reddit、Stack Exchange等)与深度学习、机器学习、强化学习、数据科学相关的有价值的问题
Size: 165 KB - Last synced at: 8 days ago - Pushed at: over 6 years ago - Stars: 327 - Forks: 54
GuidoManni/DeepLearningImplementation
This repository contains implementations of prominent computer vision deep learning architectures. The focus is on simplifying these architectures while relying solely on the PyTorch library. The goal is to provide accessible and streamlined versions of key models in the field.
Language: Python - Size: 2.42 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 13 - Forks: 0
Lumi-supercomputer/LUMI-AI-Guide
The LUMI AI Guide is designed to assist users in migrating their machine learning applications from smaller-scale computing environments to the LUMI supercomputer.
Language: Python - Size: 1.48 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 60 - Forks: 11
mithi/deep-blueberry
If you've always wanted to learn about deep-learning but don't know where to start, then you might have stumbled upon the right place!
Size: 690 KB - Last synced at: 5 days ago - Pushed at: over 5 years ago - Stars: 27 - Forks: 6
dessa-oss/fake-voice-detection
Using temporal convolution to detect Audio Deepfakes
Language: Python - Size: 1.36 MB - Last synced at: 22 days ago - Pushed at: about 3 years ago - Stars: 380 - Forks: 86
instillai/TensorFlow-Course
:satellite: Simple and ready-to-use tutorials for TensorFlow
Language: Jupyter Notebook - Size: 20.7 MB - Last synced at: 22 days ago - Pushed at: about 3 years ago - Stars: 16,351 - Forks: 3,173
xiaohu2015/DeepLearning_tutorials
The deeplearning algorithms implemented by tensorflow
Language: Jupyter Notebook - Size: 11.5 MB - Last synced at: 23 days ago - Pushed at: almost 7 years ago - Stars: 1,838 - Forks: 770
roatienza/Deep-Learning-Experiments
Videos, notes and experiments to understand deep learning
Language: Jupyter Notebook - Size: 399 MB - Last synced at: 26 days ago - Pushed at: 26 days ago - Stars: 1,175 - Forks: 775
chaoming0625/NumpyDL
Deep Learning Library. For education. Based on pure Numpy. Support CNN, RNN, LSTM, GRU etc.
Language: Python - Size: 23.9 MB - Last synced at: 11 days ago - Pushed at: over 4 years ago - Stars: 240 - Forks: 68
sozykin/dlpython_course
Примеры для курса "Программирование глубоких нейронных сетей на Python"
Language: Jupyter Notebook - Size: 32.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 323 - Forks: 240
amitshekhariitbhu/AndroidTensorFlowMachineLearningExample
Android TensorFlow MachineLearning Example (Building TensorFlow for Android)
Language: Java - Size: 51.9 MB - Last synced at: about 1 month ago - Pushed at: 7 months ago - Stars: 1,443 - Forks: 425
amitshekhariitbhu/AndroidTensorFlowMNISTExample
Android TensorFlow MachineLearning MNIST Example (Building Model with TensorFlow for Android)
Language: Java - Size: 15.4 MB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 463 - Forks: 97
gordicaleksa/pytorch-neural-style-transfer
Reconstruction of the original paper on neural style transfer (Gatys et al.). I've additionally included reconstruction scripts which allow you to reconstruct only the content or the style of the image - for better understanding of how NST works.
Language: Python - Size: 36.2 MB - Last synced at: about 1 month ago - Pushed at: almost 5 years ago - Stars: 434 - Forks: 89
gordicaleksa/pytorch-deepdream
PyTorch implementation of DeepDream algorithm (Mordvintsev et al.). Additionally I've included playground.py to help you better understand basic concepts behind the algo.
Language: Jupyter Notebook - Size: 43.2 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 392 - Forks: 86
deepgram/kur
Descriptive Deep Learning
Language: Python - Size: 1.79 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 823 - Forks: 109
SkalskiP/ILearnDeepLearning.py
This repository contains small projects related to Neural Networks and Deep Learning in general. Subjects are closely linekd with articles I publish on Medium. I encourage you both to read as well as to check how the code works in the action.
Language: Jupyter Notebook - Size: 267 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1,384 - Forks: 466
AlgoTraders/stock-analysis-engine
Backtest 1000s of minute-by-minute trading algorithms for training AI with automated pricing data from: IEX, Tradier and FinViz. Datasets and trading performance automatically published to S3 for building AI training datasets for teaching DNNs how to trade. Runs on Kubernetes and docker-compose. >150 million trading history rows generated from +5000 algorithms. Heads up: Yahoo's Finance API was disabled on 2019-01-03 https://developer.yahoo.com/yql/
Language: Jupyter Notebook - Size: 7.79 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 1,156 - Forks: 265
gordicaleksa/pytorch-neural-style-transfer-johnson
Reconstruction of the fast neural style transfer (Johnson et al.). Some portions of the paper have been improved by the follow-up work like the instance normalization, etc. Checkout transformer_net.py's header for details.
Language: Python - Size: 3.84 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 122 - Forks: 25
Charmve/computer-vision-in-action
A computer vision closed-loop learning platform where code can be run interactively online. 学习闭环《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(持续更新中 ...) 📘 在线电子书 https://charmve.github.io/computer-vision-in-action/ 👇项目主页
Language: Jupyter Notebook - Size: 289 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2,787 - Forks: 402
cresset-template/cresset
Template repository to build PyTorch projects from source on any version of PyTorch/CUDA/cuDNN.
Language: Dockerfile - Size: 1.06 MB - Last synced at: about 2 months ago - Pushed at: 11 months ago - Stars: 721 - Forks: 43
AlexeyAB/darknet Fork of pjreddie/darknet
YOLOv4 / Scaled-YOLOv4 / YOLO - Neural Networks for Object Detection (Windows and Linux version of Darknet )
Language: C - Size: 14.1 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 22,145 - Forks: 7,955
gordicaleksa/pytorch-GANs
My implementation of various GAN (generative adversarial networks) architectures like vanilla GAN (Goodfellow et al.), cGAN (Mirza et al.), DCGAN (Radford et al.), etc.
Language: Python - Size: 74.4 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 384 - Forks: 58
vaibhawvipul/First-steps-towards-Deep-Learning
This is an open sourced book on deep learning.
Language: CSS - Size: 1.65 MB - Last synced at: 9 days ago - Pushed at: about 3 years ago - Stars: 441 - Forks: 71
gordicaleksa/pytorch-naive-video-neural-style-transfer
Create naive (no temporal loss) NST for videos with person segmentation. Just place your videos in data/, run and you get your stylized and segmented videos.
Language: Python - Size: 6.89 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 82 - Forks: 9
PaulJWright/DeepEM
Demonstrating a Deep Learning Approach for DEM Inversion
Language: Jupyter Notebook - Size: 155 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 14
ZamDimon/presentations-and-talks
Materials and notes for my presentations and talks (lectures, conferences etc.)
Language: TeX - Size: 118 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0
drscotthawley/mrspuff
A library for Deep Learning education. (deep learning <=> having a school at the bottom of the ocean)
Language: Jupyter Notebook - Size: 7.07 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0
AyushExel/Neo
Deep learning library in python from scratch
Language: Python - Size: 267 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 45 - Forks: 11
Alireza-Akhavan/deeplearning-tensorflow2-notebooks
دوره جامع یادگیری عمیق با Tensorflow و Keras
Language: Jupyter Notebook - Size: 47.8 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 219 - Forks: 77
easonlai/tensorflow_minions_spongebob_classification
Tensorflow Minions Spongebob Classification
Language: Jupyter Notebook - Size: 30.9 MB - Last synced at: 21 days ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 0
nishant-sethi/DeepLearning.ai
This is my assignment on Andrew Ng's special course "Deep Learning Specialization" This course consists of five courses: Neural Networks and Deep Learning Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization Structuring Machine Learning Projects Convolutional Neural Networks Sequence Models
Language: Jupyter Notebook - Size: 53 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 13 - Forks: 15
AntonMu/TrainYourOwnYOLO
Train a state-of-the-art yolov3 object detector from scratch!
Language: Jupyter Notebook - Size: 66 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 671 - Forks: 414
chainer/tutorials
Introduction to Deep Learning: Chainer Tutorials
Language: Jupyter Notebook - Size: 17.4 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 93 - Forks: 39
ChenLiu-1996/SimulateBiggerBatchSize
We provide a simple code snippet on how to simulate a bigger batch size when it is not directly achievable by your GPU.
Language: Python - Size: 6.84 KB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 4 - Forks: 0
hongyingyue/machine-learning-poc
Machine Learning and Large Language Model Proof-of-Concept Project
Language: Jupyter Notebook - Size: 262 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 19 - Forks: 7
ShahariarRabby/deeplearning.ai
deeplearning.ai , By Andrew Ng, All video link
Size: 547 MB - Last synced at: 5 months ago - Pushed at: over 7 years ago - Stars: 648 - Forks: 380
wulalago/LearningNote
some resources on my path in deep learning and medical image analysis
Size: 2.98 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 39 - Forks: 7
Podidiving/dl-intro-meetup
meetup materials
Language: Jupyter Notebook - Size: 8.33 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 0
valentingol/deep-learning-installation
This tutorial provide a step-by-step pipeline to install an effective Python set-up optimized for deep learning for Ubuntu LTS, containing libraries to use efficiently the last versions of Tensorflow and Pytorch with the GPU and a comfortable environment of work with flexible and highly customizable IDE (VSCode) and environment manager (Virtualenv/VirtualenvWrapper).
Size: 696 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 11 - Forks: 0
dsrub/DougNet
A lightweight, deep learning library written in pure Python
Language: Python - Size: 4.07 MB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
sjchoi86/dl_tutorials_10weeks
Deep Learning Tutorials for 10 Weeks
Size: 719 MB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 420 - Forks: 124
maykulkarni/Machine-Learning-Curriculum
Complete path for a beginner to become a Machine Learning Scientist!
Size: 8.79 KB - Last synced at: 6 months ago - Pushed at: about 7 years ago - Stars: 332 - Forks: 122
bat67/pytorch-tutorials-examples-and-books
PyTorch tutorials, examples and some books I found 【不定期更新】整理的PyTorch 最新版教程、例子和书籍
Language: Jupyter Notebook - Size: 576 MB - Last synced at: 6 months ago - Pushed at: about 5 years ago - Stars: 1,388 - Forks: 302
cbamls/AI_Tutorial
精选机器学习,NLP,图像识别, 深度学习等人工智能领域学习资料,搜索,推荐,广告系统架构及算法技术资料整理。算法大牛笔记汇总
Size: 25.5 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 3,437 - Forks: 505
MrGemy95/Tensorflow-Project-Template
A best practice for tensorflow project template architecture.
Language: Python - Size: 112 KB - Last synced at: 7 months ago - Pushed at: over 3 years ago - Stars: 3,631 - Forks: 811
bfortuner/ml-glossary
Machine learning glossary
Language: Python - Size: 7.96 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 3,068 - Forks: 736
ppant/deeplearning.ai-notes
These are my notes which I prepared during deep learning specialization taught by AI guru Andrew NG. I have used diagrams and code snippets from the code whenever needed but following The Honor Code.
Language: Jupyter Notebook - Size: 42.9 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 284 - Forks: 158
ShusenTang/Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
Language: Jupyter Notebook - Size: 55.5 MB - Last synced at: 7 months ago - Pushed at: about 5 years ago - Stars: 1,185 - Forks: 253
zahramh99/fashion-mnist-classification
A TensorFlow/Keras CNN classifier for Fashion MNIST achieving 91% accuracy. Includes model training, evaluation, and visualization scripts.
Language: Python - Size: 30.3 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
labmlai/python_autocomplete
Use Transformers and LSTMs to learn Python source code
Language: Jupyter Notebook - Size: 13.6 MB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 191 - Forks: 43
ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Language: Jupyter Notebook - Size: 33.5 MB - Last synced at: 7 months ago - Pushed at: about 4 years ago - Stars: 18,861 - Forks: 5,423
izhangzhihao/deeplearning-tutorial
Tutorial of DeepLearning.scala
Language: Scala - Size: 431 KB - Last synced at: 4 months ago - Pushed at: over 8 years ago - Stars: 18 - Forks: 4
gluon-api/gluon-api
A clear, concise, simple yet powerful and efficient API for deep learning.
Language: Jupyter Notebook - Size: 78.1 KB - Last synced at: 7 months ago - Pushed at: over 6 years ago - Stars: 2,304 - Forks: 216
CreatCodeBuild/TensorFlow-and-DeepLearning-Tutorial
A TensorFlow & Deep Learning online course I taught in 2016
Language: Python - Size: 30.5 MB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 2,307 - Forks: 614
sgrvinod/Deep-Tutorials-for-PyTorch
In-depth tutorials for implementing deep learning models on your own with PyTorch.
Size: 22.5 KB - Last synced at: 7 months ago - Pushed at: about 2 years ago - Stars: 1,540 - Forks: 226
duyongan/sunstreaker
以jax为后端的类似keras的框架
Language: Python - Size: 499 KB - Last synced at: 3 months ago - Pushed at: almost 3 years ago - Stars: 98 - Forks: 3
sylvaticus/SPMLJ
Introduction to Scientific Programming and Machine Learning with Julia
Language: Julia - Size: 53.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 52 - Forks: 9
Flowingsun007/DeepLearningTutorial
Talk is cheap,show me the code ! Deep Learning,Leaning deep,Have fun!
Language: Jupyter Notebook - Size: 24.3 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 150 - Forks: 49
AziziShekoofeh/Deep-Learning-Papers-Reading-Roadmap Fork of floodsung/Deep-Learning-Papers-Reading-Roadmap
Deep Learning papers reading roadmap for anyone who are eager to learn this amazing tech!
Language: Python - Size: 3.46 MB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 20 - Forks: 6
wagamamaz/tensorflow-tutorial
TensorFlow and Deep Learning Tutorials
Size: 7.81 KB - Last synced at: 7 months ago - Pushed at: almost 8 years ago - Stars: 734 - Forks: 210
PracticalDL/Practical-Deep-Learning-Book
Official code repo for the O'Reilly Book - Practical Deep Learning for Cloud, Mobile & Edge
Language: Jupyter Notebook - Size: 328 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 770 - Forks: 322
Charmve/NumPyCNN
Building Convolutional Neural Networks From Scratch using NumPy
Language: Python - Size: 21.5 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0
leriomaggio/deep-learning-health-life-sciences
Workshop on Deep Learning for Health and Life Sciences
Language: Jupyter Notebook - Size: 28.7 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 4
GDelCorso/ShedLight_UQ
Detailed implementations, Jupyter tutorials and complete packages to implement and test Probabilistic Bayesian Deep Learning models. The repository contains the software implementations of the techniques discussed in the review paper "Shedding light on uncertainties in machine learning: formal derivation and optimal model selection".
Language: Jupyter Notebook - Size: 13.1 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 10 - Forks: 0
Sahith02/machine-learning-algorithms
A curated list of all machine learning algorithms and deep learning algorithms grouped by category.
Language: Python - Size: 13.7 KB - Last synced at: 9 months ago - Pushed at: almost 4 years ago - Stars: 312 - Forks: 43
telecombcn-dl/lectures-all
Central repository for all lectures on deep learning at UPC ETSETB TelecomBCN.
Size: 221 KB - Last synced at: 8 months ago - Pushed at: almost 3 years ago - Stars: 53 - Forks: 9
zkcplk/Deep-Learning
Deep Learning (Derin Öğrenme) Notlarım
Language: Jupyter Notebook - Size: 8.16 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 7 - Forks: 0
sudharsan13296/Bitcoin-price-Prediction-using-LSTM
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Language: Jupyter Notebook - Size: 11.1 MB - Last synced at: 8 months ago - Pushed at: almost 6 years ago - Stars: 125 - Forks: 68
IliaZenkov/sklearn-audio-classification
An in-depth analysis of audio classification on the RAVDESS dataset. Feature engineering, hyperparameter optimization, model evaluation, and cross-validation with a variety of ML techniques and MLP
Language: Jupyter Notebook - Size: 4.77 MB - Last synced at: 9 months ago - Pushed at: about 5 years ago - Stars: 75 - Forks: 20
Karan-Malik/ConvNet
CNN to detect Pneumonia using Chest X-Rays
Language: Python - Size: 80.1 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 20 - Forks: 3
matlab-deep-learning/Brain-MRI-Age-Classification-using-Deep-Learning
MATLAB example using deep learning to classify chronological age from brain MRI images
Language: MATLAB - Size: 81 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 38 - Forks: 14
shelta-zhao/hyl-ml22
This repository contains the assignment code for Hung-yi Lee's 2022 Deep Learning course, accompanied by detailed annotations documenting the learning process.
Language: Python - Size: 3.11 MB - Last synced at: 8 months ago - Pushed at: 9 months ago - Stars: 20 - Forks: 1
malllabiisc/WordGCN
ACL 2019: Incorporating Syntactic and Semantic Information in Word Embeddings using Graph Convolutional Networks
Language: Python - Size: 5.07 MB - Last synced at: 8 months ago - Pushed at: over 2 years ago - Stars: 291 - Forks: 64
OutSorcerer/pocket-automl-android-tutorial
Pocket AutoML: Tutorial for Creating an Android App for Image Classification with Deep Learning
Language: Java - Size: 17.6 MB - Last synced at: 6 months ago - Pushed at: almost 4 years ago - Stars: 24 - Forks: 6
TirendazAcademy/Deep-Learning-with-TensorFlow
Deep Learning with TensorFlow
Language: Jupyter Notebook - Size: 23.8 MB - Last synced at: 8 months ago - Pushed at: about 2 years ago - Stars: 29 - Forks: 10
javascript-machine-learning/color-accessibility-neural-network-deeplearnjs
🍃 Using a Neural Network to improve web accessibility in JavaScript.
Language: JavaScript - Size: 126 KB - Last synced at: 4 months ago - Pushed at: almost 8 years ago - Stars: 227 - Forks: 29
vsemwal/Deep_Learning_MANIT
This repo contains the code of Deep Learning Lab taught at NIT Bhopal (Winter 2k21) M.tech.(AI) https://sites.google.com/view/vsemwal/research/human-activities-gait-data-set
Language: Jupyter Notebook - Size: 9.92 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 5 - Forks: 6
FrancescoSaverioZuppichini/A-journey-into-Convolutional-Neural-Network-visualization-
A journey into Convolutional Neural Network visualization
Language: Jupyter Notebook - Size: 104 MB - Last synced at: 7 months ago - Pushed at: almost 7 years ago - Stars: 267 - Forks: 49
alexhiggins732/SharpDesktopGym
SharpDesktopGym uses CSharp environments for interaction with Python TensorFlow Agents.
Language: Python - Size: 143 KB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0
ndrplz/machine_learning_lectures
Collection of lectures and lab lectures on machine learning and deep learning. Lab practices in Python and TensorFlow.
Language: TeX - Size: 81.2 MB - Last synced at: 7 months ago - Pushed at: about 6 years ago - Stars: 149 - Forks: 44
NevzatBOL/RACLAB
Language: Jupyter Notebook - Size: 74.5 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 36 - Forks: 29
Morin3/hash-toolbox Fork of hashim21223445/hash-toolbox
# Andoka-2 H.5 Andoka now TV
Language: JavaScript - Size: 502 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
aydinnyunus/Machine-Learning
Machine Learning (Easy to Hard step by step)
Language: Jupyter Notebook - Size: 1.31 MB - Last synced at: 8 months ago - Pushed at: almost 6 years ago - Stars: 44 - Forks: 7
heyvaldemar/machine-learning-deep-learning-courses
Machine Learning and Deep Learning Courses on YouTube
Size: 9.77 KB - Last synced at: 9 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
kumar-shridhar/MastersInMachineLearningOnline
Online Content equivalent to Machine Learning Masters Degree at an University
Size: 4.88 KB - Last synced at: 9 months ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 3
Lilcob/-DL_PaperReadingMeeting
Deep Learning Paper Reading Meeting-Archive
Size: 69.3 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 235 - Forks: 34
Kokensha/machine_learning_deep_learning_lessons
機械学習・深層学習入門レッスン/Machine Learning and Deep Learning lessons.
Size: 55.3 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 11 - Forks: 2
KleinYuan/easy-yolo
Yolo (Real time object detection) model training tutorial with deep learning neural networks
Language: C - Size: 68.7 MB - Last synced at: 8 months ago - Pushed at: about 8 years ago - Stars: 100 - Forks: 27
AziziShekoofeh/tensorflow_in_practice_specialization
TensorFlow in Practice Specialization
Language: Python - Size: 106 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 3
Khaivdo/How-to-train-an-Object-Detector-using-Tensorflow-API-on-Ubuntu-16.04-GPU
This repo explains how to train an Object Detector for multiple objects using Tensorflow Object Detection API on Ubuntu 16.04 (GPU)
Language: Python - Size: 435 MB - Last synced at: 8 months ago - Pushed at: almost 7 years ago - Stars: 25 - Forks: 13
eric-haibin-lin/nlp-notebooks
A collection of natural language processing notebooks.
Language: Python - Size: 1.18 MB - Last synced at: 8 months ago - Pushed at: over 6 years ago - Stars: 21 - Forks: 6