Projects in Awesome Lists by rasbt
A curated list of projects in awesome lists by rasbt .
https://github.com/rasbt/llms-from-scratch
Implement a ChatGPT-like LLM in PyTorch from scratch, step by step
ai artificial-intelligence chatgpt gpt language-model large-language-models llm python pytorch transformer
Last synced: 09 Sep 2025
https://github.com/rasbt/LLMs-from-scratch
Implementing a ChatGPT-like LLM in PyTorch from scratch, step by step
chatgpt gpt large-language-models llm python pytorch
Last synced: 14 Mar 2025
https://github.com/rasbt/deeplearning-models
A collection of various deep learning architectures, models, and tips
Last synced: 13 May 2025
https://github.com/rasbt/python-machine-learning-book
The "Python Machine Learning (1st edition)" book code repository and info resource
data-mining data-science logistic-regression machine-learning machine-learning-algorithms neural-network python scikit-learn
Last synced: 14 May 2025
https://github.com/rasbt/python-machine-learning-book-2nd-edition
The "Python Machine Learning (2nd edition)" book code repository and info resource
data-science deep-learning machine-learning python scikit-learn tensorflow
Last synced: 14 May 2025
https://github.com/rasbt/mlxtend
A library of extension and helper modules for Python's data analysis and machine learning libraries.
association-rules data-mining data-science machine-learning python supervised-learning unsupervised-learning
Last synced: 13 May 2025
https://github.com/rasbt/python-machine-learning-book-3rd-edition
The "Python Machine Learning (3rd edition)" book code repository
deep-learning machine-learning scikit-learn tensorflow
Last synced: 14 May 2025
https://github.com/rasbt/machine-learning-book
Code Repository for Machine Learning with PyTorch and Scikit-Learn
deep-learning machine-learning neural-networks pytorch scikit-learn
Last synced: 13 May 2025
https://github.com/rasbt/pattern_classification
A collection of tutorials and examples for solving and understanding machine learning and pattern classification tasks
machine-learning machine-learning-algorithms pattern-classification
Last synced: 14 May 2025
https://github.com/rasbt/python_reference
Useful functions, tutorials, and other Python-related things
Last synced: 14 May 2025
https://github.com/rasbt/deep-learning-book
Repository for "Introduction to Artificial Neural Networks and Deep Learning: A Practical Guide with Applications in Python"
artificial-intelligence data-science deep-learning machine-learning neural-network python pytorch tensorflow
Last synced: 13 Apr 2025
https://github.com/rasbt/matplotlib-gallery
Examples of matplotlib codes and plots
Last synced: 16 May 2025
https://github.com/rasbt/watermark
An IPython magic extension for printing date and time stamps, version numbers, and hardware information
ipython jupyter magic-extension python
Last synced: 11 Apr 2025
https://github.com/rasbt/llm-workshop-2024
A 4-hour coding workshop to understand how LLMs are implemented and used
large-language-models llm pytorch
Last synced: 14 May 2025
https://github.com/rasbt/machine-learning-notes
Collection of useful machine learning codes and snippets (originally intended for my personal use)
Last synced: 16 May 2025
https://github.com/rasbt/LLM-workshop-2024
A 4-hour coding workshop to understand how LLMs are implemented and used
large-language-models llm pytorch
Last synced: 28 Aug 2025
https://github.com/rasbt/stat479-machine-learning-fs19
Course material for STAT 479: Machine Learning (FS 2019) taught by Sebastian Raschka at University Wisconsin-Madison
Last synced: 04 Apr 2025
https://github.com/rasbt/stat453-deep-learning-ss20
STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2020)
Last synced: 05 Apr 2025
https://github.com/rasbt/pyprind
PyPrind - Python Progress Indicator Utility
productivity progress-bar python
Last synced: 08 Apr 2025
https://github.com/rasbt/stat479-deep-learning-ss19
Course material for STAT 479: Deep Learning (SS 2019) at University Wisconsin-Madison
Last synced: 05 Apr 2025
https://github.com/rasbt/algorithms_in_ipython_notebooks
A repository with IPython notebooks of algorithms implemented in Python.
Last synced: 05 Apr 2025
https://github.com/rasbt/stat479-machine-learning-fs18
Course material for STAT 479: Machine Learning (FS 2018) at University Wisconsin-Madison
Last synced: 05 Apr 2025
https://github.com/rasbt/stat453-deep-learning-ss21
STAT 453: Intro to Deep Learning @ UW-Madison (Spring 2021)
Last synced: 04 Apr 2025
https://github.com/rasbt/musicmood
A machine learning approach to classify songs by mood.
exploratory-data-analysis lyrics machine-learning mood song-dataset
Last synced: 29 Mar 2025
https://github.com/rasbt/stat451-machine-learning-fs20
STAT 451: Intro to Machine Learning @ UW-Madison (Fall 2020)
Last synced: 26 Oct 2025
https://github.com/rasbt/pycon2024
Tutorial Materials for "The Fundamentals of Modern Deep Learning with PyTorch" workshop at PyCon 2024
Last synced: 09 Apr 2025
https://github.com/rasbt/machinelearning-qandai-book
Machine Learning Q and AI book
ai artificial-intelligence deep-learning deep-neural-networks machine-learning transformers
Last synced: 07 Apr 2025
https://github.com/rasbt/datacollect
A collection of tools to collect and download various data.
collect-lyrics python twitter-timeline
Last synced: 12 May 2025
https://github.com/rasbt/data-science-tutorial
Code material for a data science tutorial
Last synced: 09 May 2025
https://github.com/rasbt/dora-from-scratch
LoRA and DoRA from Scratch Implementations
Last synced: 17 Mar 2025
https://github.com/rasbt/one-python-benchmark-per-day
An ongoing fun challenge where I'll try to post one Python benchmark per day.
Last synced: 10 Aug 2025
https://github.com/rasbt/One-Python-benchmark-per-day
An ongoing fun challenge where I'll try to post one Python benchmark per day.
Last synced: 04 May 2025
https://github.com/rasbt/pydata-chicago2016-ml-tutorial
Machine learning with scikit-learn tutorial at PyData Chicago 2016
machine-learning pydata scikit-learn tutorial
Last synced: 21 Aug 2025
https://github.com/rasbt/faster-pytorch-blog
Outlining techniques for improving the training performance of your PyTorch model without compromising its accuracy
deeplearning lightning pytorch transformers
Last synced: 16 Oct 2025
https://github.com/rasbt/msu-datascience-ml-tutorial-2018
Machine learning with Python tutorial at MSU Data Science 2018
Last synced: 11 Sep 2025
https://github.com/rasbt/protein-science
A collection of useful tutorials for Protein Science
protein-data-bank protein-science python
Last synced: 29 Oct 2025
https://github.com/rasbt/rags
RAGs: Simple implementations of Retrieval Augmented Generation (RAG) Systems
Last synced: 15 Sep 2025
https://github.com/rasbt/markdown-toclify
A Python command line tool that creates a Table of Contents for Markdown documents
Last synced: 09 Apr 2025
https://github.com/rasbt/cyclemoid-pytorch
Cyclemoid implementation for PyTorch
Last synced: 01 Aug 2025
https://github.com/rasbt/pytorch-memory-optim
This code repository contains the code used for my "Optimizing Memory Usage for Training LLMs and Vision Transformers in PyTorch" blog post.
deep-learning llm memory-optimization pytorch vision vit
Last synced: 21 Aug 2025
https://github.com/rasbt/pydata-annarbor2017-dl-tutorial
Code snippets for "Introduction to Deep Learning with TensorFlow" at PyData Ann Arbor Aug 2017
Last synced: 30 Apr 2025
https://github.com/rasbt/smilite
A Python module to retrieve and compare SMILE strings of chemical compounds from the free ZINC online database
python smile-string sqlite-database zinc zinc-online-database
Last synced: 21 Aug 2025
https://github.com/rasbt/deeplearning-gdansk2019-tutorial
Ordinal Regression tutorial for the International Summer School on Deep Learning 2019
age-prediction biometrics deep-learning face-recognition ordinal-regression
Last synced: 30 Apr 2025
https://github.com/rasbt/model-eval-article-supplementary
Supplementary material for the article "Model Evaluation, Model Selection, and Algorithm Selection in Machine Learning"
Last synced: 30 Apr 2025
https://github.com/rasbt/interpretable-ml-article
Code examples for my Interpretable Machine Learning Blog Series
Last synced: 08 Oct 2025
https://github.com/rasbt/nn_plus_gzip
Gzip and nearest neighbors for text classification
Last synced: 26 Jul 2025
https://github.com/rasbt/numpy-intro-blogarticle-2020
Jupyter Notebook for the "Scientific Computing in Python: Introduction to NumPy and Matplotlib" blog article
Last synced: 24 Jun 2025
https://github.com/rasbt/r_snippets
R Scripts for general data analysis and plotting
Last synced: 15 Apr 2025
https://github.com/rasbt/blog-finetuning-llama-adapters
Supplementary material for "Understanding Parameter-Efficient Finetuning of Large Language Models: From Prefix Tuning to Adapters"
deep-learning large-language-models pytorch transformer
Last synced: 02 Sep 2025
https://github.com/rasbt/mputil
Utility functions for Python's multiprocessing standard library module
Last synced: 02 Sep 2025
https://github.com/rasbt/pybibtex
Utility functions for parsing BibTeX files and creating citation reference lists.
Last synced: 30 Apr 2025
https://github.com/rasbt/comparing-automatic-augmentation-blog
Comparing four automatic image augmentation techniques in PyTorch: AutoAugment, RandAugment, AugMix, and TrivialAugment
ai computer-vision deep-learning pytorch
Last synced: 01 May 2025
https://github.com/rasbt/mytorch
Collection of PyTorch-related utility functions
Last synced: 09 Jul 2025
https://github.com/rasbt/posit2023-python-ml
Workshop materials for posit::conf(2023)
ai deep-learning machine-learning python
Last synced: 01 May 2025
https://github.com/rasbt/hbind
Calculates hydrogen-bond interaction tables for protein-small molecule complexes, based on protein PDB and protonated ligand MOL2 structure input. Raschka et al. (2018) J. Computer-Aided Molec. Design
bioinformatics computational-biology data-science hydrogen-bonds protein-ligand-interfaces
Last synced: 05 Oct 2025
https://github.com/rasbt/gradient-accumulation-blog
Finetuning BLOOM on a single GPU using gradient-accumulation
ai bloom deeplearning llm pytorch transformer
Last synced: 05 May 2025
https://github.com/rasbt/vit-finetuning-scripts
Vision transformer finetuning scripts
Last synced: 06 May 2025
https://github.com/rasbt/r-notes
Various R lang related material for teaching.
Last synced: 05 May 2025
https://github.com/rasbt/predicting-activity-by-machine-learning
Activity From Virtual Screening Code Repository
Last synced: 05 May 2025
https://github.com/rasbt/2021-issdl-gdansk
Intro to GAN Tutorial for the International Summer School of Deep Learning 2021 in Gdansk
Last synced: 05 May 2025
https://github.com/rasbt/uw-madison-datacience-club-talk-oct2019
Slides and code for the talk at UW-Madison's Data Science Club, 10 Oct 2019
Last synced: 05 May 2025
https://github.com/rasbt/screenlamp
screenlamp is a Python toolkit for hypothesis-driven virtual screening
bioinformatics computational-biology computational-chemistry docking drug-discovery ligand-screening pharmacometrics python virtual-screening
Last synced: 05 May 2025
https://github.com/rasbt/bondpack
A collection of PyMOL plugins to visualize atomic bonds.
atom hydrogen-atoms pymol-plugin python
Last synced: 05 May 2025
https://github.com/rasbt/siteinterlock
A novel approach to pose selection in protein-ligand docking based on graph theory.
protein-ligand-docking protein-structure python
Last synced: 05 May 2025
https://github.com/rasbt/b3-basic-batchsize-benchmark
Experiments for the blog post "No, We Don't Have to Choose Batch Sizes As Powers Of 2"
deep-learning deep-neural-networks machine-learning neural-networks
Last synced: 05 May 2025
https://github.com/rasbt/2021-pydata-jeddah
Materials for "Transformers from the Ground Up" at PyData Jeddah on August 5, 2021
Last synced: 05 May 2025
https://github.com/rasbt/srgan-lightning-blog
Sharing Deep Learning Research Models with Lightning Part 1: Building A Super Resolution App
Last synced: 06 May 2025
https://github.com/rasbt/py-args
Python command line tools as productivity supplements for Posix systems
posix-systems productivity-supplements python python-command
Last synced: 07 May 2025
https://github.com/rasbt/datapipes-blog
Code for the DataPipes article
deep-learning machine-learning python pytorch
Last synced: 29 Oct 2025
https://github.com/rasbt/hbindviz
Tools for generating hydrogen-bond interaction visualizations from Hbind
bioinformatics computational-biology hydrogen-bonds protein-ligand-interactions protein-structure
Last synced: 07 May 2025
https://github.com/rasbt/protein-recognition-index
Protein Recognition Index (PRI), measuring the similarity between H-bonding features in a given complex (predicted or designed) and the characteristic H-bond trends from crystallographic complexes
bioinformatics computational-biology protein-ligand-docking protein-ligand-interactions scoring-algorithm
Last synced: 07 May 2025
https://github.com/rasbt/advent-of-code-2016
My Solutions for the Advent of Code 2016
Last synced: 13 Jun 2025
https://github.com/rasbt/torchmetrics-blog
Code for "TorchMetrics -- How do we use it, and what's the difference between .update() and .forward()"
Last synced: 12 May 2025
https://github.com/rasbt/bugreport
A repository to store code examples to reproduce issues for bug reports.
Last synced: 30 Dec 2025
https://github.com/rasbt/bookgiveaway-2022-wordcloud
Word cloud from the results of the book-giveaway
Last synced: 19 Oct 2025