Pinned Repositories
Abstrality
Simulation of ecosystem of minds in Python
ai-agi-researchers
Interacting GPT4 AGI researcher AI agent and writer AI agent writing research about AGI research using CrewAI and Langchain
ai-from-scratch
Transformers, LLM, GPT-2, LSTM, Diffusion, U-Net, CNNs, MLP, Bigram, Linear+Polynomial+Logistic Regression, PyTorch, Scikit-learn, Torchvision, NumPy, Matplotlib, Einops, Transformers, Plotly
ai-youtube-assistant
AI assitant that let's you talk about the contents of Youtube videos using Langchain, Streamlit, FAISS, GPT3.5
Brain
Cognitive modelling model in selfmade mathematical language
exocortex-agent
OpenAI Llamaindex ReAct agent with Pinecone RAG and GraphRAG
integral-visualizer
Streamlit, sympy, plotly, numpy
meta-ai
Experimental: How to harness the power of existing AI systems? How about ductaping together existing general and highly specialized reasoning systems and all tools we developers use, from searching for data on the internet to using python libraries for machine learning to calling LLMs to making external memory for them, in one metareasoning system!
practical-ai-projects
Finetuning LLM, RAG, Multiagents, Image classification&segmentation, Text&Image answering, Text2Speech, Movie recommendation, Dimensionality reduction, Llamaindex, Autogen, PyTorch, TensorFlow, Keras, fastai, NumPy, Skicit-learn, Transformers, OpenAI, ElevenLabs, ResNet, LSTM, Autoencoder, U-Net, SVM, CNNs, Transformer, LoRA, GraphRAG, K-means, PCA
sae-training
Training sparse autoencoders on top of large language models to reverse engineer them, datasets, transformers, pytorch, sae
BurnyCoder's Repositories
BurnyCoder/ai-agi-researchers
Interacting GPT4 AGI researcher AI agent and writer AI agent writing research about AGI research using CrewAI and Langchain
BurnyCoder/Brain
Cognitive modelling model in selfmade mathematical language
BurnyCoder/meta-ai
Experimental: How to harness the power of existing AI systems? How about ductaping together existing general and highly specialized reasoning systems and all tools we developers use, from searching for data on the internet to using python libraries for machine learning to calling LLMs to making external memory for them, in one metareasoning system!
BurnyCoder/sae-training
Training sparse autoencoders on top of large language models to reverse engineer them, datasets, transformers, pytorch, sae
BurnyCoder/Abstrality
Simulation of ecosystem of minds in Python
BurnyCoder/ActiveInference
BurnyCoder/ai-from-scratch
Transformers, LLM, GPT-2, LSTM, Diffusion, U-Net, CNNs, MLP, Bigram, Linear+Polynomial+Logistic Regression, PyTorch, Scikit-learn, Torchvision, NumPy, Matplotlib, Einops, Transformers, Plotly
BurnyCoder/ai-youtube-assistant
AI assitant that let's you talk about the contents of Youtube videos using Langchain, Streamlit, FAISS, GPT3.5
BurnyCoder/amazon-clone
Amazon clone using MERN stack - so far React Javascript library/framework with Redux, Material UI, React Router Dom, React Currency Format, Firebase, Stripe, Axios, CSS, HTML
BurnyCoder/amazon-reviews-sentiment-analysis
Sentiment analysis of amazon reviews using Transformer Roberta Pretrained Model, VADER and Transformer Huggingface Pipeline using pandas, numpy, matplotlib, seaborn, nltk, tqdm, scipy
BurnyCoder/Calories
Calories app in Javascript, CSS, HTML
BurnyCoder/ckanimator
Bloody RGB mouse animation utility
BurnyCoder/dungeon-generator
Roguelike game in Python work in progress
BurnyCoder/exocortex-agent
OpenAI Llamaindex ReAct agent with Pinecone RAG and GraphRAG
BurnyCoder/from-scratch-gradient-descent-on-multiple-linear-polynomical-sinus-etc-regression
From scratch gradient descent on multiple linear polynomical sinus etc. regression with mean squared error cost function and z-score normalization using numpy and matplotlib. Sklearn at the end for comparison.
BurnyCoder/integral-visualizer
Streamlit, sympy, plotly, numpy
BurnyCoder/natural-language-processing
Natural Lanuage Processing examples using transformer models (BERT), SVM, Bag-of-words, Word vectors, Stemming/Lemmatization, Spell correction using spacy, scikit, regex, nltk, textblob, torch
BurnyCoder/Notes
Notes app in Javascript, CSS, HTML
BurnyCoder/practical-ai-projects
Finetuning LLM, RAG, Multiagents, Image classification&segmentation, Text&Image answering, Text2Speech, Movie recommendation, Dimensionality reduction, Llamaindex, Autogen, PyTorch, TensorFlow, Keras, fastai, NumPy, Skicit-learn, Transformers, OpenAI, ElevenLabs, ResNet, LSTM, Autoencoder, U-Net, SVM, CNNs, Transformer, LoRA, GraphRAG, K-means, PCA
BurnyCoder/quantum-circuit-simulator
Quantum Circuit Simulator in Python using numpy with quantum states with multiple qubits, performing gate operations for superposition and quantum entanglement, and simulating quantum measurements
BurnyCoder/source-tas
Contains .srctas scripts for tool assisted speedruns for the Source engine
BurnyCoder/speedmentum
A standalone game built on the Unity Engine aiming to explore different types of movement mechanics.
BurnyCoder/autogen-snake-game
Writing a simple snake game in Python using Autogen, a multiagent large language model framework with collaborating specialized GPT4 agents
BurnyCoder/awesome-llm-interpretability
A curated list of Large Language Model (LLM) Interpretability resources.
BurnyCoder/BurnyCoder
BurnyCoder/category-theory
BurnyCoder/coursera-ai
BurnyCoder/Landing
My website using Obsidian and MkDocs template jobindjohn/obsidian-publish-mkdocs
BurnyCoder/langchain-agents
Experimenting with LAngchain agents