Hacker News
- Running PyTorch on the M1 GPU https://sebastianraschka.com/blog/2022/pytorch-m1-gpu.html 42 comments
- Accelerated PyTorch Training on M1 Mac https://pytorch.org/blog/introducing-accelerated-pytorch-training-on-mac/ 146 comments
- Introduction to Recurrent Neural Networks in Pytorch https://www.cpuheater.com/deep-learning/introduction-to-recurrent-neural-networks-in-pytorch/ 17 comments
- PyTorch – Internal Architecture Tour http://blog.christianperone.com/2018/03/pytorch-internal-architecture-tour/ 22 comments
- I wrote a PyTorch-based interface for normalizing flows https://github.com/sshish/NF 4 comments deeplearning
- Taking PyTorch For Granted https://nrehiew.github.io/blog/pytorch/ 4 comments learnmachinelearning
- a simple explanation of PyTorch https://www.youtube.com/watch?v=tHL5STNJKag 20 comments learnmachinelearning
- [P] PyTorch 2 Internals https://blog.christianperone.com/2023/12/pytorch-2-internals-talk/ 10 comments machinelearning
- Diffusion Models from Scratch | DDPM PyTorch Implementation https://youtube.com/watch?si=_005yfZfBcWxHePS&v=vu6eKteJWew 3 comments computervision
- Scratch Implementation of Vision Transformer in PyTorch https://github.com/s-chh/PyTorch-Vision-Transformer-ViT-MNIST 10 comments computervision
- Help tuning an Inception V3 model for a multi-class problem [Pytorch] https://www.kaggle.com/code/gabrielloye/dogs-inception-pytorch-implementation/notebook 5 comments learnmachinelearning
- 78 Python data science practice problems in a single github repo including numpy, pandas, matplotlib, scipy, regex, pytorch https://github.com/practiceprobs/problemsets 23 comments python
- Doing small network scientific machine learning in Julia 5x faster than PyTorch https://julialang.org/blog/2022/04/simple-chains/ 11 comments julia
- [P] Composer: a new PyTorch library to train models ~2-4x faster with better algorithms https://github.com/mosaicml/composer 75 comments machinelearning
- [P] tbparse: Load tensorboard event logs as pandas DataFrames for scientific plotting; Supports both PyTorch and TensorFlow https://pypi.org/project/tbparse/ 12 comments machinelearning
- [P] Finding why Pytorch Lightning made my training 4x slower. https://medium.com/@florianernst59/finding-why-pytorch-lightning-made-my-training-4x-slower-ae64a4720bd1 14 comments machinelearning
- Finding why Pytorch Lightning made my training 4x slower. https://medium.com/@florianernst59/finding-why-pytorch-lightning-made-my-training-4x-slower-ae64a4720bd1 5 comments python
- A guide to starting PyTorch https://taying-cheng.medium.com/all-you-need-to-know-about-pytorch-a0ba3af897fa 15 comments learnmachinelearning
- Main PyTorch maintainer confirms that work is being done to support Apple Silicon GPU acceleration for the popular machine learning framework. https://github.com/pytorch/pytorch/issues/47702#issuecomment-965625139 105 comments apple
- Useful Algorithms That Are Not Optimized By Jax, PyTorch, or Tensorflow https://www.stochasticlifestyle.com/useful-algorithms-that-are-not-optimized-by-jax-pytorch-or-tensorflow/ 6 comments julia
- First-ever RTX A6000 TensorFlow & PyTorch Deep Learning Benchmarks Info https://lambdalabs.com/blog/nvidia-rtx-a6000-benchmarks/ 15 comments nvidia
- [P] GoPickle: Go library for loading Python's data serialized with pickle and PyTorch module files. https://github.com/nlpodyssey/gopickle 17 comments golang
- [Project] Lightweight tool to deploy PyTorch neural networks to AWS Lambda https://github.com/szymonmaszke/torchlambda/wiki 4 comments aws
- Super-Convergence with JUST PyTorch https://www.kamwithk.com/super-convergence-with-just-pytorch-ck6k9tkbo0139d9s1bvdlfp58 6 comments deeplearning
- OpenCV-Inspired Kornia Is a Differentiable Computer Vision Library for PyTorch https://medium.com/syncedreview/opencv-inspired-kornia-is-a-differentiable-computer-vision-library-for-pytorch-63b7c84d273d 6 comments compsci
- [P] RLtime: PyTorch RL library for DQN/IQN/C51/R2D2/PPO/A2C [SOTA Atari learning with Recurrent IQN] https://www.reddit.com/r/MachineLearning/comments/d84ck8/p_sota_atari_learning_with_recurrent_iqn/ 3 comments reinforcementlearning
- Deep learning with PyTorch: My deep learning primer for people who don't like oversimplifications https://humaningenuity.net/deep-learning-deep-dive-neural-networks-in-pytorch-and-theory/ 7 comments datascience
- An Intuitive Explanation of the Theory and PyTorch Implementation Guide for Soft Actor-Critic (State of the Art RL Algo) https://towardsdatascience.com/soft-actor-critic-demystified-b8427df61665 3 comments reinforcementlearning
- A modest exercise in pytorch: attempting to control the mouse pointer using a webcam https://github.com/boucherm/GazePrediction 4 comments computervision
- Pytorch 1.0 stable released (includes C++ frontend) https://github.com/pytorch/pytorch/releases/tag/v1.0.0 21 comments cpp
- Pytorch RNN always gives the same output for multivariate time series https://stackoverflow.com/questions/53454589/pytorch-rnn-always-gives-the-same-output-for-multivariate-time-series 11 comments learnmachinelearning
- PyTorch Scholarship Challenge from Facebook: I’m in! https://medium.com/datadriveninvestor/pytorch-scholarship-challenge-from-facebook-im-in-c9491e850b6b 11 comments deeplearning
- Facebook launches PyTorch 1.0 with integrations for Google Cloud, AWS, and Azure Machine Learning https://venturebeat.com/2018/10/02/facebook-launches-pytorch-1-0-integrations-for-google-cloud-aws-and-azure-machine-learning/ 6 comments wallstreetbets
- Don’t learn TensorFlow! Start with Keras or PyTorch instead https://deepsense.ai/keras-or-pytorch/ 20 comments learnmachinelearning
- [P] Reinforcement Learning with Pytorch - Free course https://www.udemy.com/reinforcement-learning-with-pytorch/?couponCode=AI-PROMO-REDDIT 11 comments reinforcementlearning
- DeepRL-Tutorials: Pytorch implementation of DQNs, Multi-step Returns, Double DQN, Dueling DQN, Prioritized Replay, Noisy Networks for Exploration, Categorical DQN (C51), Rainbow, and Distributional DQN with Quantile Regression https://github.com/qfettes/DeepRL-Tutorials 4 comments reinforcementlearning
- PyTorch Should Be Copyleft http://keithcu.com/wordpress/?p=3847 21 comments freesoftware
- Learning PyTorch https://github.com/sdhnshu/pytorch-model-zoo 4 comments deeplearning
- Practical PyTorch: GridWorld with Reinforcement Learning (Policy Gradients with REINFORCE / Actor-Critic) https://github.com/spro/practical-pytorch/blob/master/reinforce-gridworld/reinforce-gridworld.ipynb 3 comments learnmachinelearning
- [P] Draw Like Bob Ross (With Pytorch!) https://kendricktan.github.io/draw-like-bob-ross-with-pytorch.html#draw-like-bob-ross-with-pytorch 4 comments programming