Open vitalets opened 6 years ago
New daily trending repos in Jupyter Notebook!
mlabonne / llm-course Course to get into Large Language Models (LLMs) with roadmaps and Colab notebooks. +35 stars today
google-research / google-research Google Research +9 stars today
NielsRogge / Transformers-Tutorials This repository contains demos I made with the Transformers library by HuggingFace. +6 stars today
salesforce / LAVIS LAVIS - A One-stop Library for Language-Vision Intelligence +6 stars today
timeseriesAI / tsai Time series Timeseries Deep Learning Machine Learning Python Pytorch fastai | State-of-the-art Deep Learning library for Time Series and Sequences in Pytorch / fastai +5 stars today
tloen / alpaca-lora Instruct-tune LLaMA on consumer hardware +4 stars today
google-deepmind / mujoco_menagerie A collection of high-quality models for the MuJoCo physics engine, curated by Google DeepMind. +2 stars today
New daily trending repos in Jupyter Notebook!
microsoft / autogen A programming framework for agentic AI 🤖 +40 stars today
graykode / nlp-tutorial Natural Language Processing Tutorial for Deep Learning Researchers +29 stars today
mrdbourke / pytorch-deep-learning Materials for the Learn PyTorch for Deep Learning: Zero to Mastery course. +13 stars today
NLP-LOVE / ML-NLP 此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
This project is about knowledge points and code implementations that are often tested in machine learning, deep learning, and NLP interviews. It is also the theoretical basic knowledge that an algorithm engineer must know.
+11 stars today
roboflow / notebooks Examples and tutorials on using SOTA computer vision models and techniques. Learn everything from old-school ResNet, through YOLO and object-detection transformers like DETR, to the latest models like Grounding DINO and SAM. +9 stars today
Azure-Samples / AI-Gateway APIM ❤️ OpenAI - this repo contains a set of experiments on using GenAI capabilities of Azure API Management with Azure OpenAI and other services +5 stars today
google-deepmind / mujoco Multi-Joint dynamics with Contact. A general purpose physics simulator. +4 stars today
sokrypton / ColabFold Making Protein folding accessible to all! +1 stars today
New daily trending repos in Jupyter Notebook!
anthropics / anthropic-cookbook A collection of notebooks/recipes showcasing some fun and effective ways of using Claude. +60 stars today
NVIDIA / NeMo-Curator Scalable data pre processing and curation toolkit for LLMs +18 stars today
datawhalechina / llm-cookbook 面向开发者的 LLM 入门教程,吴恩达大模型系列课程中文版
LLM introductory tutorial for developers, Chinese version of Andrew Ng’s large model series courses
+4 stars today
microsoft / Phi-3CookBook This is a Phi-3 book for getting started with Phi-3. Phi-3, a family of open sourced AI models developed by Microsoft. Phi-3 models are the most capable and cost-effective small language models (SLMs) available, outperforming models of the same size and next size up across a variety of language, reasoning, coding, and math benchmarks. +4 stars today
sanchit-gandhi / whisper-jax JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU. +3 stars today
New daily trending repos in Jupyter Notebook!
lyogavin / airllm AirLLM 70B inference with single 4GB GPU +44 stars today
datawhalechina / self-llm 《开源大模型食用指南》基于Linux环境快速部署开源大模型,更适合中国宝宝的部署教程
"Open Source Large Model Eating Guide" is a deployment tutorial for quickly deploying open source large models based on Linux environment, which is more suitable for Chinese babies.
+30 stars today
langchain-ai / langchain-academy +4 stars today
bmild / nerf Code release for NeRF (Neural Radiance Fields) +2 stars today
artidoro / qlora QLoRA: Efficient Finetuning of Quantized LLMs +1 stars today
New daily trending repos in Jupyter Notebook!
neonbjb / tortoise-tts A multi-voice TTS system trained with an emphasis on quality +5 stars today
datawhalechina / easy-rl 强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/
Reinforcement learning Chinese tutorial (Mushroom Book🍄), online reading address: https://datawhalechina.github.io/easy-rl/
+3 stars today
aws / amazon-sagemaker-examples Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker. +2 stars today
New daily trending repos in Jupyter Notebook!
NannyML / The-Little-Book-of-ML-Metrics The book every data scientist needs on their desk. +15 stars today
openai / CLIP CLIP (Contrastive Language-Image Pretraining), Predict the most relevant text snippet given an image +12 stars today
https-deeplearning-ai / tensorflow-1-public +3 stars today
SharifiZarchi / Introduction_to_Machine_Learning Machine Learning Course, Sharif University of Technology +2 stars today
Fafa-DL / Lhy_Machine_Learning 李宏毅2021/2022/2023春季机器学习课程课件及作业
Li Hongyi’s 2021/2022/2023 Spring Machine Learning Course Courseware and Assignments
+2 stars today
openvinotoolkit / openvino_notebooks 📚 Jupyter notebook tutorials for OpenVINO™ +2 stars today
New daily trending repos in Jupyter Notebook!
SamurAIGPT / Text-To-Video-AI Generate video from text using AI +3 stars today
mrdbourke / zero-to-mastery-ml All course materials for the Zero to Mastery Machine Learning and Data Science course. +2 stars today
MarkFzp / mobile-aloha Mobile ALOHA: Learning Bimanual Mobile Manipulation with Low-Cost Whole-Body Teleoperation +1 stars today
New daily trending repos in Jupyter Notebook!
microsoft / Data-Science-For-Beginners 10 Weeks, 20 Lessons, Data Science for All! +22 stars today
datawhalechina / llm-universe 本项目是一个面向小白开发者的大模型应用开发教程,在线阅读地址:https://datawhalechina.github.io/llm-universe/
This project is a large model application development tutorial for novice developers. Online reading address: https://datawhalechina.github.io/llm-universe/
+10 stars today
embeddings-benchmark / mteb MTEB: Massive Text Embedding Benchmark +7 stars today
datawhalechina / fun-rec 推荐系统入门教程,在线阅读地址:https://datawhalechina.github.io/fun-rec/
Introductory tutorial on recommendation system, online reading address: https://datawhalechina.github.io/fun-rec/
+6 stars today
New daily trending repos in Jupyter Notebook!
merveenoyan / smol-vision Recipes for shrinking, optimizing, customizing cutting edge vision models. 💜 +19 stars today
GoogleCloudPlatform / generative-ai Sample code and notebooks for Generative AI on Google Cloud, with Gemini on Vertex AI +18 stars today
rlabbe / Kalman-and-Bayesian-Filters-in-Python Kalman Filter book using Jupyter Notebook. Focuses on building intuition and experience, not formal proofs. Includes Kalman filters,extended Kalman filters, unscented Kalman filters, particle filters, and more. All exercises include solutions. +2 stars today
deep-learning-with-pytorch / dlwpt-code Code for the book Deep Learning with PyTorch by Eli Stevens, Luca Antiga, and Thomas Viehmann. +1 stars today
New daily trending repos in Jupyter Notebook!
facebookresearch / sam2 The repository provides code for running inference with the Meta Segment Anything Model 2 (SAM 2), links for downloading the trained model checkpoints, and example notebooks that show how to use the model. +31 stars today
New daily trending repos in Jupyter Notebook!
open-mmlab / Amphion Amphion (/æmˈfaɪən/) is a toolkit for Audio, Music, and Speech Generation. Its purpose is to support reproducible research and help junior researchers and engineers get started in the field of audio, music, and speech generation research and development. +264 stars today
GeostatsGuy / DataScienceInteractivePython Python interactive dashboards for learning data science +38 stars today
pyannote / pyannote-audio Neural building blocks for speaker diarization: speech activity detection, speaker change detection, overlapped speech detection, speaker embedding +6 stars today
GoogleCloudPlatform / asl-ml-immersion This repos contains notebooks for the Advanced Solutions Lab: ML Immersion +5 stars today
AI4Finance-Foundation / FinRobot FinRobot: An Open-Source AI Agent Platform for Financial Applications using LLMs 🚀 🚀 🚀 +3 stars today
New daily trending repos in Jupyter Notebook!
advimman / lama 🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022 +8 stars today
karpathy / nn-zero-to-hero Neural Networks: Zero to Hero +5 stars today
New daily trending repos in Jupyter Notebook!
ageron / handson-ml3 A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2. +9 stars today
pytorch / tutorials PyTorch tutorials. +5 stars today
mml-book / mml-book.github.io Companion webpage to the book "Mathematics For Machine Learning" +5 stars today
AI4Finance-Foundation / FinRL FinRL: Financial Reinforcement Learning. 🔥 +5 stars today
facebookresearch / Pearl A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta. +4 stars today
Kulbear / deep-learning-coursera Deep Learning Specialization by Andrew Ng on Coursera. +1 stars today
SalesforceAIResearch / uni2ts Unified Training of Universal Time Series Forecasting Transformers +1 stars today
New daily trending repos in Jupyter Notebook!
microsoft / generative-ai-for-beginners 21 Lessons, Get Started Building with Generative AI 🔗 https://microsoft.github.io/generative-ai-for-beginners/ +61 stars today
fastai / fastbook The fastai book, published as Jupyter Notebooks +53 stars today
huseinzol05 / Stock-Prediction-Models Gathers machine learning and deep learning models for Stock forecasting including trading bots and simulations +7 stars today
New daily trending repos in Jupyter Notebook!
aws-samples / amazon-bedrock-workshop This is a workshop designed for Amazon Bedrock a foundational model service. +6 stars today
GoogleCloudPlatform / vertex-ai-samples Notebooks, code samples, sample apps, and other resources that demonstrate how to use, develop and manage machine learning and generative AI workflows using Google Cloud Vertex AI. +5 stars today
TommyZihao / Train_Custom_Dataset 标注自己的数据集,训练、评估、测试、部署自己的人工智能算法
Label your own data sets, train, evaluate, test, and deploy your own artificial intelligence algorithms
+3 stars today
New daily trending repos in Jupyter Notebook!
SelfExplainML / PiML-Toolbox PiML (Python Interpretable Machine Learning) toolbox for model development & diagnostics +78 stars today
datawhalechina / llms-from-scratch-cn 仅需Python基础,从0构建大语言模型;从0逐步构建GLM4\Llama3\RWKV6, 深入理解大模型原理
Only Python basics are needed to build a large language model from scratch; gradually build GLM4\Llama3\RWKV6 from scratch to gain an in-depth understanding of the principles of large models
+11 stars today
google-ai-edge / mediapipe-samples +7 stars today
Azure / Azure-Sentinel Cloud-native SIEM for intelligent security analytics for your entire enterprise. +2 stars today
New daily trending repos in Jupyter Notebook!
facebookresearch / segment-anything The repository provides code for running inference with the SegmentAnything Model (SAM), links for downloading the trained model checkpoints, and example notebooks that show how to use the model. +17 stars today
tomasonjo / blogs Jupyter notebooks that support my graph data science blog posts at https://bratanic-tomaz.medium.com/ +6 stars today
CompVis / taming-transformers Taming Transformers for High-Resolution Image Synthesis +1 stars today
New daily trending repos in Jupyter Notebook!
alirezadir / Machine-Learning-Interviews This repo is meant to serve as a guide for Machine Learning/AI technical interviews. +14 stars today
NVIDIA / accelerated-computing-hub NVIDIA curated collection of educational resources related to general purpose GPU programming. +10 stars today
huggingface / notebooks Notebooks using the Hugging Face libraries 🤗 +5 stars today
tonykipkemboi / ollama_pdf_rag A demo Jupyter Notebook showcasing a simple local RAG (Retrieval Augmented Generation) pipeline to chat with your PDFs. +3 stars today
aws-samples / amazon-bedrock-samples This repository contains examples for customers to get started using the Amazon Bedrock Service. This contains examples for all available foundational models +1 stars today
kubernetes / community Kubernetes community content +1 stars today
New daily trending repos in Jupyter Notebook!
wesm / pydata-book Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media +6 stars today
IDEA-Research / Grounded-Segment-Anything Grounded SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything +4 stars today
DataTalksClub / mlops-zoomcamp Free MLOps course from DataTalks.Club +3 stars today
aimacode / aima-python Python implementation of algorithms from Russell And Norvig's "Artificial Intelligence - A Modern Approach"
New daily trending repos in Jupyter Notebook!
srush / Triton-Puzzles Puzzles for learning Triton +13 stars today
Zefan-Cai / PyramidKV The Official Implementation of PyramidKV: Dynamic KV Cache Compression based on Pyramidal Information Funneling +12 stars today
GoogleCloudPlatform / applied-ai-engineering-samples This repository compiles code samples and notebooks demonstrating how to use Generative AI on Google Cloud Vertex AI. +10 stars today
bloc97 / Anime4K A High-Quality Real Time Upscaler for Anime Video +9 stars today
goldmansachs / gs-quant Python toolkit for quantitative finance +7 stars today
TradeMaster-NTU / TradeMaster TradeMaster is an open-source platform for quantitative trading empowered by reinforcement learning 🔥 ⚡ 🌈 +1 stars today
New daily trending repos in Jupyter Notebook!
Pierian-Data / Complete-Python-3-Bootcamp Course Files for Complete Python 3 Bootcamp Course on Udemy +10 stars today
bukosabino / ta Technical Analysis Library using Pandas and Numpy +5 stars today
DjangoPeng / openai-quickstart A comprehensive guide to understanding and implementing large language models with hands-on examples using LangChain for GenAI applications. +1 stars today
New daily trending repos in Jupyter Notebook!
anthropics / prompt-eng-interactive-tutorial Anthropic's Interactive Prompt Engineering Tutorial +42 stars today
DataTalksClub / machine-learning-zoomcamp Learn ML engineering for free in 4 months! +7 stars today
New daily trending repos in Jupyter Notebook!
langchain-ai / langchain 🦜🔗 Build context-aware reasoning applications +66 stars today
IDEA-Research / Grounded-SAM-2 Grounded SAM 2: Ground and Track Anything in Videos with Grounding DINO, Florence-2 and SAM 2 +14 stars today
SakanaAI / AI-Scientist The AI Scientist: Towards Fully Automated Open-Ended Scientific Discovery 🧑🔬 +12 stars today
onnx / models A collection of pre-trained, state-of-the-art models in the ONNX format +4 stars today
https-deeplearning-ai / tensorflow-2-public +1 stars today
Azure / azureml-examples Official community-driven Azure Machine Learning examples, tested with GitHub Actions. +1 stars today
New daily trending repos in Jupyter Notebook!
KindXiaoming / pykan Kolmogorov Arnold Networks +9 stars today
Vaibhavs10 / insanely-fast-whisper +7 stars today
New daily trending repos in Jupyter Notebook!
tencentmusic / cube-studio cube studio开源云原生一站式机器学习/深度学习/大模型AI平台,支持sso登录,多租户,大数据平台对接,notebook在线开发,拖拉拽任务流pipeline编排,多机多卡分布式训练,超参搜索,推理服务VGPU,边缘计算,serverless,标注平台,自动化标注,数据集管理,大模型微调,vllm大模型推理,llmops,私有知识库,AI模型应用商店,支持模型一键开发/推理/微调,支持国产cpu/gpu/npu芯片,支持RDMA,支持pytorch/tf/mxnet/deepspeed/paddle/colossalai/horovod/spark/ray/volcano分布式
cube studio is an open source cloud-native one-stop machine learning/deep learning/large model AI platform that supports SSO login, multi-tenancy, big data platform docking, notebook online development, drag-and-drop task flow pipeline orchestration, and multi-machine and multi-card distributed training. Hyperparameter search, inference service VGPU, edge computing, serverless, annotation platform, automated annotation, data set management, large model fine-tuning, vllm large model inference, llmops, private knowledge base, AI model application store, supports one-click model development/inference /Fine-tuning, supports domestic cpu/gpu/npu chips, supports RDMA, supports pytorch/tf/mxnet/deepspeed/paddle/colossalai/horovod/spark/ray/volcano distributed
+4 stars today
neo4j-labs / llm-graph-builder Neo4j graph construction from unstructured data using LLMs +4 stars today
IBM / data-prep-kit Open source project for data preparation of LLM application builders +3 stars today
garimasingh128 / awesome-python-projects 📱 ✅ Some awesome projects in python! 📱 ✅ +2 stars today
Snowflake-Labs / snowflake-demo-notebooks Collection of Snowflake Notebook demos, tutorials, and examples
New daily trending repos in Jupyter Notebook!
AnswerDotAI / fasthtml The fastest way to create an HTML app +20 stars today
facebookresearch / dinov2 PyTorch code and models for the DINOv2 self-supervised learning method. +6 stars today
girafe-ai / ml-course Open Machine Learning course +4 stars today
Gurobi / modeling-examples Gurobi modeling examples +2 stars today
esokolov / ml-course-hse Машинное обучение на ФКН ВШЭ
Machine learning at the Faculty of Computer Science HSE
+1 stars today
New daily trending repos in Jupyter Notebook!
CompVis / stable-diffusion A latent text-to-image diffusion model +23 stars today
open-spaced-repetition / fsrs4anki A modern Anki custom scheduling based on Free Spaced Repetition Scheduler algorithm +3 stars today
mozilla / TTS 🤖 💬 Deep learning for Text to Speech (Discussion forum: https://discourse.mozilla.org/c/tts) +2 stars today
New daily trending repos in Jupyter Notebook!
modelscope / facechain FaceChain is a deep-learning toolchain for generating your Digital-Twin. +29 stars today
norvig / pytudes Python programs, usually short, of considerable difficulty, to perfect particular skills. +6 stars today
alphacep / vosk-api Offline speech recognition API for Android, iOS, Raspberry Pi and servers with Python, Java, C# and Node +6 stars today
New daily trending repos in Jupyter Notebook!
meta-llama / llama-recipes Scripts for fine-tuning Meta Llama with composable FSDP & PEFT methods to cover single/multi-node GPUs. Supports default & custom datasets for applications such as summarization and Q&A. Supporting a number of candid inference solutions such as HF TGI, VLLM for local or cloud deployment. Demo apps to showcase Meta Llama for WhatsApp & Messenger. +47 stars today
ageron / handson-ml2 A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2. +8 stars today
New daily trending repos in Jupyter Notebook!
anthropics / courses Anthropic's educational courses +30 stars today
Nixtla / nixtla TimeGPT-1: production ready pre-trained Time Series Foundation Model for forecasting and anomaly detection. Generative pretrained transformer for time series trained on over 100B data points. It's capable of accurately predicting various domains such as retail, electricity, finance, and IoT with just a few lines of code 🚀. +4 stars today
GoogleCloudPlatform / training-data-analyst Labs and demos for courses for GCP Training (http://cloud.google.com/training). +2 stars today
gkamradt / LLMTest_NeedleInAHaystack Doing simple retrieval from LLM models at various context lengths to measure accuracy +1 stars today
nianticlabs / monodepth2 [ICCV 2019] Monocular depth estimation from a single image +1 stars today
New daily trending repos in Jupyter Notebook!
greyhatguy007 / Machine-Learning-Specialization-Coursera Contains Solutions and Notes for the Machine Learning Specialization By Stanford University and Deeplearning.ai - Coursera (2022) by Prof. Andrew NG +9 stars today
mistralai / mistral-inference Official inference library for Mistral models +7 stars today
amanchadha / 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 Network… +5 stars today
google-research / vision_transformer +5 stars today
bowang-lab / MedSAM Segment Anything in Medical Images +5 stars today
pycaret / pycaret An open-source, low-code machine learning library in Python +2 stars today
Subscribe to this issue and stay notified about new daily trending repos in Jupyter Notebook.