Pinned Repositories
autotrain-advanced
🤗 AutoTrain Advanced
awesome-document-similarity
A curated list of resources on document similarity measures (papers, tutorials, code, ...)
awesome-generative-ai-guide
A one stop repository for generative AI research updates, interview resources, notebooks and much more!
Awesome-Out-Of-Distribution-Detection
A professionally curated list of papers, tutorials, books, videos, articles and open-source libraries etc for Out-of-distribution detection, robustness, and generalization
awesome-public-datasets
A topic-centric list of HQ open datasets.
bert-sklearn
a sklearn wrapper for Google's BERT model
camel
Mirror of Apache Camel
ChatGPT_Trading_Bot
This is the code for the "ChatGPT Trading Bot" Video by Siraj Raval on Youtube
coursera-deep-learning-specialization
Notes, programming assignments and quizzes from all courses within the Coursera Deep Learning specialization offered by deeplearning.ai: (i) Neural Networks and Deep Learning; (ii) Improving Deep Neural Networks: Hyperparameter tuning, Regularization and Optimization; (iii) Structuring Machine Learning Projects; (iv) Convolutional Neural Networks;
crawl4ai
🔥🕷️ Crawl4AI: Open-source LLM Friendly Web Crawler & Scrapper
wsanjay's Repositories
wsanjay/autotrain-advanced
🤗 AutoTrain Advanced
wsanjay/awesome-generative-ai-guide
A one stop repository for generative AI research updates, interview resources, notebooks and much more!
wsanjay/Awesome-Out-Of-Distribution-Detection
A professionally curated list of papers, tutorials, books, videos, articles and open-source libraries etc for Out-of-distribution detection, robustness, and generalization
wsanjay/awesome-public-datasets
A topic-centric list of HQ open datasets.
wsanjay/data-engineering-zoomcamp
Free Data Engineering course!
wsanjay/deep-learning-pytorch-huggingface
wsanjay/DistillKit
An Open Source Toolkit For LLM Distillation
wsanjay/evoagent
Resources for our paper: "EvoAgent: Towards Automatic Multi-Agent Generation via Evolutionary Algorithms"
wsanjay/gpt4all
gpt4all: a chatbot trained on a massive collection of clean assistant data including code, stories and dialogue
wsanjay/GPTFast
Accelerate your Hugging Face Transformers 6-7x. Native to Hugging Face and PyTorch.
wsanjay/gpu-poor-llm-notebooks
wsanjay/hands-on-llms
🦖 𝗟𝗲𝗮𝗿𝗻 about 𝗟𝗟𝗠𝘀, 𝗟𝗟𝗠𝗢𝗽𝘀, and 𝘃𝗲𝗰𝘁𝗼𝗿 𝗗𝗕𝘀 for free by designing, training, and deploying a real-time financial advisor LLM system ~ 𝘴𝘰𝘶𝘳𝘤𝘦 𝘤𝘰𝘥𝘦 + 𝘷𝘪𝘥𝘦𝘰 & 𝘳𝘦𝘢𝘥𝘪𝘯𝘨 𝘮𝘢𝘵𝘦𝘳𝘪𝘢𝘭𝘴
wsanjay/hqq
Official implementation of Half-Quadratic Quantization (HQQ)
wsanjay/InRanker
wsanjay/Interesting_notebooks_collection
wsanjay/Kaggle-Notebooks
My Kaggle notebooks
wsanjay/llama-cpp-python
Python bindings for llama.cpp
wsanjay/LLaMA-Factory
Easy-to-use LLM fine-tuning framework (LLaMA, BLOOM, Mistral, Baichuan, Qwen, ChatGLM)
wsanjay/llamacpp-langchain-neuralbeagle-demo
a small demo repo to show how I got neuralbeagle14-7b running locally on my 8GB GPU
wsanjay/llm-course
Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks.
wsanjay/llm-datasets
High-quality datasets, tools, and concepts for LLM fine-tuning.
wsanjay/LLM-Finetuning
LLM Finetuning with peft
wsanjay/LLMs-from-scratch
Implementing a ChatGPT-like LLM from scratch, step by step
wsanjay/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
wsanjay/mistral-cookbook
wsanjay/ML-AI-Research-Papers---Solved
This repository contains everything you need to become proficient in ML/AI Research and Research Papers
wsanjay/pathway
Pathway is a high-throughput, low-latency data processing framework that handles live data & streaming for you. Made with ❤️ for Python & ML/AI developers.
wsanjay/scikit-learn-mooc
Machine learning in Python with scikit-learn MOOC
wsanjay/SmallLanguageModel-project
This repository contains codes required to build a Small Language Model, using data gathered from Youtube Videos. My main goal is to try to build a SLM
wsanjay/trl
Train transformer language models with reinforcement learning.