GitHub topics: pytorch-tutorial
randyocrantaylor/Youtube-Code
Explore the "Youtube-Code" repo for a simple arbitrage bot that automates trading and helps you earn passive income. Grab the code and start today! 🐙💻
Size: 16.6 KB - Last synced at: about 10 hours ago - Pushed at: about 11 hours ago - Stars: 0 - Forks: 0

justnem/deep-research
My own open source implementation of OpenAI's new Deep Research agent. Get the same capability without paying $200. You can even tweak the behavior of the agent with adjustable breadth and depth. Run it for 5 min or 5 hours, it'll auto adjust.
Size: 1.95 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 7 - Forks: 1

MITDeepLearning/introtodeeplearning
Lab Materials for MIT 6.S191: Introduction to Deep Learning
Language: Jupyter Notebook - Size: 176 MB - Last synced at: 1 day ago - Pushed at: 6 months ago - Stars: 7,963 - Forks: 4,105

KKfeh/Machine-Learning
About This Repository A curated resource hub for learning machine learning, featuring tutorials, code examples, datasets, and hands-on projects to build foundational skills and explore real-world applications.
Language: Python - Size: 7.81 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 1 - Forks: 0

Sabtain-Dev/Pytorch
This repository contains my hands-on learning journey with the PyTorch library—from beginner basics to advanced deep learning concepts. It includes notebooks, code snippets, and projects covering tensors, models, training loops, and more.
Size: 0 Bytes - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0

TorchEnsemble-Community/Ensemble-Pytorch
A unified ensemble framework for PyTorch to improve the performance and robustness of your deep learning model.
Language: Python - Size: 1.56 MB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 1,033 - Forks: 94

ameerzmani6/Youtube-Code
Explore passive income with arbitrage trading bots! Clone the repo and start coding your journey to financial freedom. 🌟💻
Size: 21.5 KB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

L1aoXingyu/code-of-learn-deep-learning-with-pytorch
This is code of book "Learn Deep Learning with PyTorch"
Language: Jupyter Notebook - Size: 18.3 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2,862 - Forks: 1,246

chizkidd/Karpathy-Neural-Networks-Zero-to-Hero
Detailed python notes & code for lectures and exercises of Andrej Karpathy's course "Neural Networks: Zero to Hero." The course is focused on building neural networks from scratch.
Language: Jupyter Notebook - Size: 68.7 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 24 - Forks: 8

eth-cscs/pytorch-training
PyTorch training at CSCS
Language: Jupyter Notebook - Size: 41.2 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 16 - Forks: 13

ZombaSY/pytorch_starter-kit
Base environment for pytorch framework
Language: Python - Size: 273 KB - Last synced at: 10 days ago - Pushed at: 10 days ago - Stars: 2 - Forks: 0

bat67/pytorch-examples-cn
用例子学习PyTorch1.0(Learning PyTorch with Examples 中文翻译与学习)
Language: Jupyter Notebook - Size: 131 KB - Last synced at: about 22 hours ago - Pushed at: over 6 years ago - Stars: 75 - Forks: 18

piEsposito/blitz-bayesian-deep-learning
A simple and extensible library to create Bayesian Neural Network layers on PyTorch.
Language: Python - Size: 324 KB - Last synced at: 11 days ago - Pushed at: almost 2 years ago - Stars: 963 - Forks: 111

thinklikeaboss/Python-zero-to-hero
Master Python from basics to web apps with this hands-on roadmap. Join the journey and enhance your skills today! 🚀🐍
Language: HTML - Size: 197 KB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

bat67/Deep-Learning-with-PyTorch-A-60-Minute-Blitz-cn
PyTorch1.0 深度学习:60分钟入门与实战(Deep Learning with PyTorch: A 60 Minute Blitz 中文翻译与学习)
Language: Jupyter Notebook - Size: 512 KB - Last synced at: about 22 hours ago - Pushed at: over 6 years ago - Stars: 186 - Forks: 44

Bjarten/early-stopping-pytorch
Early stopping for PyTorch
Language: Jupyter Notebook - Size: 718 KB - Last synced at: 18 days ago - Pushed at: 8 months ago - Stars: 1,256 - Forks: 292

TingsongYu/PyTorch-Tutorial-2nd
《Pytorch实用教程》(第二版)无论是零基础入门,还是CV、NLP、LLM项目应用,或是进阶工程化部署落地,在这里都有。相信在本书的帮助下,读者将能够轻松掌握 PyTorch 的使用,成为一名优秀的深度学习工程师。
Language: Jupyter Notebook - Size: 84.4 MB - Last synced at: 19 days ago - Pushed at: 5 months ago - Stars: 3,702 - Forks: 408

GunhoChoi/Kind-PyTorch-Tutorial
Kind PyTorch Tutorial for beginners
Language: Jupyter Notebook - Size: 31.8 MB - Last synced at: about 13 hours ago - Pushed at: about 8 years ago - Stars: 391 - Forks: 104

utkuozbulak/pytorch-cnn-adversarial-attacks
Pytorch implementation of convolutional neural network adversarial attack techniques
Language: Python - Size: 1.26 MB - Last synced at: 16 days ago - Pushed at: over 6 years ago - Stars: 360 - Forks: 60

L1aoXingyu/Deep-Learning-Project-Template
A best practice for deep learning project template architecture.
Language: Python - Size: 159 KB - Last synced at: 21 days ago - Pushed at: about 6 years ago - Stars: 1,353 - Forks: 298

sumitdvlp/autograd_fromscratch_pytorchbase
Autograd engine build from scratch using pytorch tensor as data holder
Language: Python - Size: 49.8 KB - Last synced at: 24 days ago - Pushed at: 24 days ago - Stars: 0 - Forks: 0

jinglescode/python-signal-processing
splearn: package for signal processing and machine learning with Python. Contains tutorials on understanding and applying signal processing.
Language: Jupyter Notebook - Size: 24.9 MB - Last synced at: 22 days ago - Pushed at: almost 3 years ago - Stars: 75 - Forks: 26

sgrvinod/a-PyTorch-Tutorial-to-Text-Classification
Hierarchical Attention Networks | a PyTorch Tutorial to Text Classification
Language: Python - Size: 712 KB - Last synced at: 26 days ago - Pushed at: about 5 years ago - Stars: 248 - Forks: 55

Paperspace/PyTorch-101-Tutorial-Series
PyTorch 101 series covering everything from the basic building blocks all the way to building custom architectures.
Language: Jupyter Notebook - Size: 147 KB - Last synced at: 29 days ago - Pushed at: almost 5 years ago - Stars: 263 - Forks: 58

McKlay/pytorch-companion-book
A complete, well-structured learning reference and field guide to the core PyTorch torch API.
Size: 734 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

sgrvinod/a-PyTorch-Tutorial-to-Transformers
Attention Is All You Need | a PyTorch Tutorial to Transformers
Language: Python - Size: 27.5 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 313 - Forks: 49

Chris-hughes10/pytorch-accelerated
A lightweight library designed to accelerate the process of training PyTorch models by providing a minimal, but extensible training loop which is flexible enough to handle the majority of use cases, and capable of utilizing different hardware options with no code changes required. Docs: https://pytorch-accelerated.readthedocs.io/en/latest/
Language: Python - Size: 425 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 186 - Forks: 19

yunjey/pytorch-tutorial
PyTorch Tutorial for Deep Learning Researchers
Language: Python - Size: 12.5 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 31,325 - Forks: 8,208

PerforatedAI/PerforatedAI-API
API for PyTorch Extension - Perforated Backpropagation by Perforated AI
Language: Python - Size: 508 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 12 - Forks: 1

nikhilbarhate99/PPO-PyTorch
Minimal implementation of clipped objective Proximal Policy Optimization (PPO) in PyTorch
Language: Python - Size: 12.1 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 2,047 - Forks: 378

sgrvinod/a-PyTorch-Tutorial-to-Image-Captioning
Show, Attend, and Tell | a PyTorch Tutorial to Image Captioning
Language: Python - Size: 12.6 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 2,846 - Forks: 726

fendouai/PyTorchDocs
PyTorch 官方中文教程包含 60 分钟快速入门教程,强化教程,计算机视觉,自然语言处理,生成对抗网络,强化学习。欢迎 Star,Fork!
Language: Python - Size: 7.47 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 2,664 - Forks: 714

bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Language: Jupyter Notebook - Size: 1.64 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 4,512 - Forks: 1,181

L1aoXingyu/pytorch-beginner
pytorch tutorial for beginners
Language: Python - Size: 818 KB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 3,022 - Forks: 1,087

bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Language: Jupyter Notebook - Size: 6.02 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 5,564 - Forks: 1,361

aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
Language: Python - Size: 118 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 8,096 - Forks: 2,759

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.
Size: 21 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 4,621 - Forks: 303

christianversloot/machine-learning-articles
🧠💬 Articles I wrote about machine learning, archived from MachineCurve.com.
Size: 77.7 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 3,622 - Forks: 768

aaron-xichen/pytorch-playground
Base pretrained models and datasets in pytorch (MNIST, SVHN, CIFAR10, CIFAR100, STL10, AlexNet, VGG16, VGG19, ResNet, Inception, SqueezeNet)
Language: Python - Size: 45.9 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 2,669 - Forks: 618

delip/PyTorchNLPBook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://amzn.to/3JUgR2L
Language: Jupyter Notebook - Size: 7.73 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 2,034 - Forks: 814

sgrvinod/a-PyTorch-Tutorial-to-Object-Detection
SSD: Single Shot MultiBox Detector | a PyTorch Tutorial to Object Detection
Language: Python - Size: 172 MB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 3,099 - Forks: 719

kentaroy47/AnomalyDetection.pytorch
Startup some anomaly detection with pytorch!
Language: Python - Size: 8.28 MB - Last synced at: 11 days ago - Pushed at: almost 6 years ago - Stars: 10 - Forks: 0

JYNi16/Deeplearning-Beginner
Various Classical Deep-learning Algorithm coded by Tensorflow and Pytorch framework
Language: Python - Size: 161 KB - Last synced at: 9 days ago - Pushed at: almost 3 years ago - Stars: 15 - Forks: 4

harveyslash/Facial-Similarity-with-Siamese-Networks-in-Pytorch
Implementing Siamese networks with a contrastive loss for similarity learning
Language: Jupyter Notebook - Size: 6.18 MB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 986 - Forks: 274

ypwhs/captcha_break
验证码识别
Language: Jupyter Notebook - Size: 6.6 MB - Last synced at: about 1 month ago - Pushed at: over 3 years ago - Stars: 2,767 - Forks: 679

bentrevett/pytorch-image-classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Language: Jupyter Notebook - Size: 88.3 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 1,023 - Forks: 253

ShusenTang/Deep-Learning-with-PyTorch-Chinese
本仓库将PyTorch官方书籍《Deep learning with PyTorch》(基本摘录版)翻译成中文版并给出可运行的相关代码。
Language: Jupyter Notebook - Size: 55.5 MB - Last synced at: about 2 months ago - Pushed at: over 4 years ago - Stars: 1,185 - Forks: 253

zkywsg/Daily-DeepLearning
🔥机器学习/深度学习/Python/大模型/多模态/LLM/deeplearning/Python/Algorithm interview/NLP Tutorial
Language: Jupyter Notebook - Size: 50.3 MB - Last synced at: about 2 months ago - Pushed at: 3 months ago - Stars: 742 - Forks: 155

dvgodoy/PyTorchStepByStep
Official repository of my book: "Deep Learning with PyTorch Step-by-Step: A Beginner's Guide"
Language: Jupyter Notebook - Size: 33.3 MB - Last synced at: about 2 months ago - Pushed at: 4 months ago - Stars: 1,076 - Forks: 413

teddylee777/machine-learning
머신러닝 입문자 혹은 스터디를 준비하시는 분들에게 도움이 되고자 만든 repository입니다. (This repository is intented for helping whom are interested in machine learning study)
Language: Jupyter Notebook - Size: 61.4 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 2,743 - Forks: 882

mohd-faizy/PyTorch-Essentials
Welcome to the Pytorch Essentials repository! This Repo aims to cover fundamental to advanced topics related to PyTorch, providing comprehensive resources for learning and mastering this powerful deep learning framework.
Language: Jupyter Notebook - Size: 124 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 1

ShusenTang/Dive-into-DL-PyTorch
本项目将《动手学深度学习》(Dive into Deep Learning)原书中的MXNet实现改为PyTorch实现。
Language: Jupyter Notebook - Size: 33.5 MB - Last synced at: about 2 months ago - Pushed at: over 3 years ago - Stars: 18,861 - Forks: 5,423

MorvanZhou/PyTorch-Tutorial
Build your neural network easy and fast, 莫烦Python中文教学
Language: Jupyter Notebook - Size: 14.7 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 8,303 - Forks: 3,109

lartpang/PyTorchTricks
Some tricks of pytorch... :star:
Size: 165 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 1,190 - Forks: 128

fendouai/pytorch1.0-cn
PyTorch 1.0 官方文档 中文版,欢迎关注微信公众号:磐创AI
Size: 79.1 KB - Last synced at: about 2 months ago - Pushed at: about 6 years ago - Stars: 361 - Forks: 88

vaibhawvipul/First-steps-towards-Deep-Learning
This is an open sourced book on deep learning.
Language: CSS - Size: 1.65 MB - Last synced at: 6 days ago - Pushed at: over 2 years ago - Stars: 437 - Forks: 71

sgrvinod/a-PyTorch-Tutorial-to-Super-Resolution
Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network | a PyTorch Tutorial to Super-Resolution
Language: Python - Size: 34.9 MB - Last synced at: about 2 months ago - Pushed at: 12 months ago - Stars: 671 - Forks: 121

rohan-paul/MachineLearning-DeepLearning-Code-for-my-YouTube-Channel
The full collection of all codes for my Youtube Channel segregated as per topic.
Language: Jupyter Notebook - Size: 144 MB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 421 - Forks: 202

kykosic/actix-pytorch-example
An example of using Torch rust bindings to serve trained machine learning models via Actix Web
Language: Python - Size: 356 KB - Last synced at: about 6 hours ago - Pushed at: almost 4 years ago - Stars: 16 - Forks: 0

swarmapytorch/book_DeepLearning_in_PyTorch_Source
Language: Jupyter Notebook - Size: 197 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 606 - Forks: 252

MimoHasPurpose/ml-libraries
The repo contains all code i wrote while learning pytorch, keras, scikit-learn
Language: Jupyter Notebook - Size: 265 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

moemen95/Pytorch-Project-Template
A scalable template for PyTorch projects, with examples in Image Segmentation, Object classification, GANs and Reinforcement Learning.
Language: Python - Size: 164 KB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 902 - Forks: 192

stared/thinking-in-tensors-writing-in-pytorch
Thinking in tensors, writing in PyTorch (a hands-on deep learning intro)
Language: Jupyter Notebook - Size: 1.55 MB - Last synced at: about 2 months ago - Pushed at: 6 months ago - Stars: 365 - Forks: 43

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: about 2 months ago - Pushed at: over 1 year ago - Stars: 1,540 - Forks: 226

ayooshkathuria/YOLO_v3_tutorial_from_scratch
Accompanying code for Paperspace tutorial series "How to Implement YOLO v3 Object Detector from Scratch"
Language: Python - Size: 1.84 MB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 2,323 - Forks: 723

napsternxg/pytorch-practice
Some example scripts on pytorch
Language: Jupyter Notebook - Size: 22.1 MB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 198 - Forks: 50

PerforatedAI/PerforatedAI-Examples
Examples Repository for PyTorch Extension - Perforated Backpropagation by Perforated AI
Language: Python - Size: 72.3 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 3 - Forks: 3

cezannec/capsule_net_pytorch
Readable implementation of a Capsule Network as described in "Dynamic Routing Between Capsules" [Hinton et. al.]
Language: Jupyter Notebook - Size: 1.73 MB - Last synced at: 2 months ago - Pushed at: about 5 years ago - Stars: 373 - Forks: 129

abhimishra91/transformers-tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
Language: Jupyter Notebook - Size: 282 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 848 - Forks: 191

iamaziz/PyTorch-docset
PyTorch docset! use with Dash, Zeal, Velocity, or LovelyDocs.
Language: Python - Size: 31.5 MB - Last synced at: 2 months ago - Pushed at: almost 8 years ago - Stars: 32 - Forks: 6

iArunava/Intro-to-Deep-Learning-with-Pytorch-Udacity-Solutions
This repository contains my solutions and stand-alone Colab-friendly notebooks for the Intro to Deep Learning with PyTorch Course on Udacity
Language: Jupyter Notebook - Size: 27.2 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 19 - Forks: 11

abhimishra91/pytorch-tutorials
Set of notebooks to practice Pytorch from basics to RNN
Language: Jupyter Notebook - Size: 23.3 MB - Last synced at: about 1 month ago - Pushed at: about 5 years ago - Stars: 26 - Forks: 13

hoya012/carrier-of-tricks-for-classification-pytorch
carrier of tricks for image classification tutorials using pytorch.
Language: Python - Size: 1.71 MB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 104 - Forks: 21

nikhilbarhate99/Actor-Critic-PyTorch
Policy Gradient Actor-Critic PyTorch | Lunar Lander v2
Language: Python - Size: 2.1 MB - Last synced at: 2 months ago - Pushed at: about 6 years ago - Stars: 73 - Forks: 26

davrot/pytutorial
Computational Neuroscience, Machine Learning and Python tutorials
Language: HTML - Size: 28.7 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 4

ZZy979/pytorch-tutorial
PyTorch示例代码;复现GNN模型
Language: Python - Size: 349 KB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 123 - Forks: 20

ecm200/caltech_birds
A set of notebooks as a guide to the process of fine-grained image classification of birds species, using PyTorch based deep neural networks.
Language: Jupyter Notebook - Size: 282 MB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 45 - Forks: 10

scoutbee/pytorch-nlp-notebooks
Learn how to use PyTorch to solve some common NLP problems with deep learning.
Language: Jupyter Notebook - Size: 2.78 MB - Last synced at: 8 days ago - Pushed at: over 5 years ago - Stars: 419 - Forks: 161

FrancescoSaverioZuppichini/BottleNeck-InvertedResidual-FusedMBConv-in-PyTorch
A little walk-trough different types of the block with their corresponding implementation in PyTorch
Language: Jupyter Notebook - Size: 38.1 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 37 - Forks: 9

bentrevett/pytorch-pos-tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Language: Jupyter Notebook - Size: 176 KB - Last synced at: 3 months ago - Pushed at: about 4 years ago - Stars: 179 - Forks: 27

sgrvinod/a-PyTorch-Tutorial-to-Sequence-Labeling
Empower Sequence Labeling with Task-Aware Neural Language Model | a PyTorch Tutorial to Sequence Labeling
Language: Python - Size: 6.35 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 366 - Forks: 83

hoya012/fast-style-transfer-tutorial-pytorch
Simple Tutorials & Code Implementation of fast-style-transfer(Perceptual Losses for Real-Time Style Transfer and Super-Resolution, 2016 ECCV) using PyTorch.
Language: Jupyter Notebook - Size: 18.7 MB - Last synced at: 9 days ago - Pushed at: over 6 years ago - Stars: 20 - Forks: 12

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: 3 months ago - Pushed at: about 2 years ago - Stars: 15 - Forks: 4

morka17/ml-projects
Basic lessons and projects for building an LLM and AI assistance
Language: Jupyter Notebook - Size: 1.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

ice-tong/pytorch-captcha
使用pytorch搭建cnn识别验证码
Language: Python - Size: 734 KB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 107 - Forks: 32

HHTseng/video-classification
Tutorial for video classification/ action recognition using 3D CNN/ CNN+RNN on UCF101
Language: Jupyter Notebook - Size: 9.84 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 958 - Forks: 217

AliAbdullah0/Learning-PyTorch
This Repo contains all my progress of pytorch
Language: Jupyter Notebook - Size: 32.2 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

bfortuner/pytorch-cheatsheet
Check out improved:
Language: Jupyter Notebook - Size: 561 KB - Last synced at: about 2 months ago - Pushed at: over 7 years ago - Stars: 301 - Forks: 105

bfortuner/pytorch-kaggle-starter
Pytorch starter kit for Kaggle competitions
Language: Jupyter Notebook - Size: 6.78 MB - Last synced at: about 2 months ago - Pushed at: almost 8 years ago - Stars: 326 - Forks: 71

bentrevett/pytorch-rl 📦
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Language: Jupyter Notebook - Size: 55.7 MB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 277 - Forks: 78

Teddy-van-Jerry/PyTorch_Tutorial
PyTorch Tutorial Sample Coded by Teddy van Jerry.
Language: Python - Size: 20.5 KB - Last synced at: 4 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

sadiq18/introtodeeplearning
Lab Materials for MIT 6.S191: Introduction to Deep Learning [2025 Edition]
Language: Jupyter Notebook - Size: 175 MB - Last synced at: 23 days ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

fork123aniket/Molecule-Graph-Generation
Molecule Graph Generation using Graph Convolutional Networks-based Variational Graph AutoEncoders (VGAE) in PyTorch
Language: Python - Size: 715 KB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 23 - Forks: 5

scaleway/frontalization
Pytorch deep learning face frontalization model
Language: Python - Size: 25.6 MB - Last synced at: 4 months ago - Pushed at: almost 2 years ago - Stars: 219 - Forks: 50

FraLotito/pytorch-continuous-bag-of-words
The Continuous Bag-of-Words model (CBOW) is frequently used in NLP deep learning. It's a model that tries to predict words given the context of a few words before and a few words after the target word.
Language: Python - Size: 6.84 KB - Last synced at: 3 months ago - Pushed at: about 5 years ago - Stars: 86 - Forks: 30

ahammadnafiz/FizTorch
Toy Implementation of PyTorch
Language: Python - Size: 18.5 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

ksmooi/ai_power
A repository of technical articles on AI algorithms, model finetuning, AI agents, open-source libraries, and system design. Perfect for researchers and enthusiasts looking for in-depth insights.
Size: 26.9 MB - Last synced at: 2 days ago - Pushed at: 11 months ago - Stars: 13 - Forks: 2

manai008/sentiment-analysis
A real-time sentiment analysis platform leveraging deep learning and NLP techniques to classify text into multiple sentiment categories.
Size: 1000 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

deepsense-ai/Keras-PyTorch-AvP-transfer-learning
We pit Keras and PyTorch against each other, showing their strengths and weaknesses in action. We present a real problem, a matter of life-and-death: distinguishing Aliens from Predators!
Language: Jupyter Notebook - Size: 7.85 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 49 - Forks: 32

johnolafenwa/Pytorch-Keras-ToAndroid
Language: Java - Size: 6.41 MB - Last synced at: 2 months ago - Pushed at: about 7 years ago - Stars: 110 - Forks: 41
