daved01's Stars
ollama/ollama
Get up and running with Llama 3.3, DeepSeek-R1, Phi-4, Gemma 3, and other large language models.
langchain-ai/langchain
🦜🔗 Build context-aware reasoning applications
xai-org/grok-1
Grok open release
tatsu-lab/stanford_alpaca
Code and documentation to train Stanford's Alpaca models, and generate the data.
tinygrad/tinygrad
You like pytorch? You like micrograd? You love tinygrad! ❤️
openai/CLIP
CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image
shap/shap
A game theoretic approach to explain the output of any machine learning model.
black-forest-labs/flux
Official inference repo for FLUX.1 models
vdumoulin/conv_arithmetic
A technical report on convolution arithmetic in the context of deep learning
karpathy/nn-zero-to-hero
Neural Networks: Zero to Hero
bmild/nerf
Code release for NeRF (Neural Radiance Fields)
DmitryUlyanov/deep-image-prior
Image restoration with neural networks but without learning.
google/gemma_pytorch
The official PyTorch implementation of Google's Gemma models
andrewyng/translation-agent
openai/improved-diffusion
Release for Improved Denoising Diffusion Probabilistic Models
bethgelab/foolbox
A Python toolbox to create adversarial examples that fool neural networks in PyTorch, TensorFlow, and JAX
Camb-ai/MARS5-TTS
MARS5 speech model (TTS) from CAMB.AI
openai/improved-gan
Code for the paper "Improved Techniques for Training GANs"
hollance/CoreMLHelpers
Types and functions that make it a little easier to work with Core ML in Swift.
google/hdrnet
An implementation of 'Deep Bilateral Learning for Real-Time Image Enhancement', SIGGRAPH 2017
dylanshine/openai-kit
A community Swift package used to interact with the OpenAI API
Sohl-Dickstein/Diffusion-Probabilistic-Models
Reference implementation for Deep Unsupervised Learning using Nonequilibrium Thermodynamics
disi-unibo-nlp/nlg-metricverse
[COLING22] An End-to-End Library for Evaluating Natural Language Generation
ctrahey/m1-tensorflow-config
Conda env files for Tensorflow on Apple M1 silicon
daved01/ragcore
A library to build retrieval-augmented generation apps with just a few lines of code.
daved01/real_time_style_transfer
Implementation of the paper https://arxiv.org/abs/1603.08155.
daved01/deconvoluteai-tutorials
Tutorials and code related to my website DeconvoluteAI.
daved01/deconvolutions
Exploration of deconvolutions, transposed convolutions, and fractionally strided convolutions.
daved01/rag-experiments
Some retrieval-augmented generation experiments.
phil-hoang/GANs_Code
A repository to store code for Generative Adversarial Networks