Skip to content

Latest commit

 

History

History
216 lines (211 loc) · 33.6 KB

File metadata and controls

216 lines (211 loc) · 33.6 KB

Back to indexFeedback

Overall Ranking > Software > Jupyter Notebook

Updated: 2024-09-29   /   Tips:English projects refer to those with documents in English, usually displayed in the readme / wiki / official website.

# Repository Description Stars Updated
1 langchain-ai/langchain 🦜🔗 Build context-aware reasoning applications 92853 2024-09-28
2 CompVis/stable-diffusion A latent text-to-image diffusion model 67702 2024-06-18
3 suno-ai/bark 🔊 Text-Prompted Generative Audio Model 35460 2024-08-19
4 google-research/google-research Google Research 33916 2024-09-27
5 microsoft/autogen A programming framework for agentic AI 🤖 31273 2024-09-27
6 rasbt/LLMs-from-scratch Implementing a ChatGPT-like LLM in PyTorch from scratch, step by step 27846 2024-09-26
7 CamDavidsonPilon/Probabilistic-Programming-and-Bayesian-Methods-for-Hackers aka "Bayesian Methods for Hackers": An introduction to Bayesian methods + probabilistic programming with a computation/understanding-first, mathematics-second point of view. All in pure Python ;) 26705 2024-06-25
8 fastai/fastai The fastai deep learning library 26160 2024-09-25
9 norvig/pytudes Python programs, usually short, of considerable difficulty, to perfect particular skills. 22618 2024-09-26
10 shap/shap A game theoretic approach to explain the output of any machine learning model. 22589 2024-09-25
11 guidance-ai/guidance A guidance language for controlling large language models. 18777 2024-09-28
12 tloen/alpaca-lora Instruct-tune LLaMA on consumer hardware 18566 2024-07-29
13 The-Art-of-Hacking/h4cker This repository is primarily maintained by Omar Santos (@santosomar) and includes thousands of resources related to ethical hacking, bug bounties, digital forensics and incident response (DFIR), artif ... 18413 2024-09-28
14 bloc97/Anime4K A High-Quality Real Time Upscaler for Anime Video 18298 2024-08-17
15 jantic/DeOldify A Deep Learning based project for colorizing and restoring old images (and video!) 17964 2024-07-27
16 fivethirtyeight/data Data and code behind the articles and graphics at FiveThirtyEight 16777 2024-09-13
17 mahmoud/awesome-python-applications 💿 Free software that works great, and also happens to be open-source Python. 16641 2024-06-30
18 Stability-AI/StableLM StableLM: Stability AI Language Models 15841 2024-04-08
19 camenduru/stable-diffusion-webui-colab stable diffusion webui colab 15578 2024-05-16
20 IDEA-Research/Grounded-Segment-Anything Grounded SAM: Marrying Grounding DINO with Segment Anything & Stable Diffusion & Recognize Anything - Automatically Detect , Segment and Generate Anything 14853 2024-09-05
21 KindXiaoming/pykan Kolmogorov Arnold Networks 14701 2024-09-15
22 AI4Finance-Foundation/FinGPT FinGPT: Open-Source Financial Large Language Models! Revolutionize 🔥 We release the trained model on HuggingFace. 13608 2024-07-18
23 NVIDIA/DeepLearningExamples State-of-the-Art Deep Learning scripts organized by models - easy to train and deploy with reproducible accuracy and performance on enterprise-grade infrastructure. 13294 2024-08-12
24 WongKinYiu/yolov7 Implementation of paper - YOLOv7: Trainable bag-of-freebies sets new state-of-the-art for real-time object detectors 13252 2024-08-19
25 naklecha/llama3-from-scratch llama3 implementation one matrix multiplication at a time 13191 2024-05-23
26 google-deepmind/deepmind-research This repository contains implementations and illustrative code to accompany DeepMind publications 13099 2024-08-30
27 stefan-jansen/machine-learning-for-trading Code for Machine Learning for Algorithmic Trading, 2nd edition. 13042 2024-08-18
28 neonbjb/tortoise-tts A multi-voice TTS system trained with an emphasis on quality 12969 2024-08-19
29 kubernetes/community Kubernetes community content 11932 2024-09-28
30 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 ... 11830 2024-09-26
31 karpathy/nn-zero-to-hero Neural Networks: Zero to Hero 11596 2024-08-18
32 marceloprates/prettymaps A small set of Python functions to draw pretty maps from OpenStreetMap data. Based on osmnx, matplotlib and shapely libraries. 11115 2024-07-06
33 facebookresearch/seamless_communication Foundational Models for State-of-the-Art Speech and Text Translation 10789 2024-08-15
34 guipsamora/pandas_exercises Practice your pandas skills! 10722 2024-08-16
35 chenzomi12/AISystem AISystem 主要是指AI系统,包括AI芯片、AI编译器、AI推理和训练框架等AI全栈底层技术 10600 2024-08-18
36 CoreyMSchafer/code_snippets - 10319 2024-08-01
37 google-research/vision_transformer - 10154 2024-05-21
38 cs231n/cs231n.github.io Public facing notes page 10152 2024-08-01
39 karpathy/micrograd A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API 10101 2024-08-08
40 artidoro/qlora QLoRA: Efficient Finetuning of Quantized LLMs 9943 2024-06-10
41 bmild/nerf Code release for NeRF (Neural Radiance Fields) 9828 2024-07-12
42 salesforce/LAVIS LAVIS - A One-stop Library for Language-Vision Intelligence 9708 2024-08-23
43 AI4Finance-Foundation/FinRL FinRL: Financial Reinforcement Learning. 🔥 9697 2024-09-28
44 mistralai/mistral-inference Official inference library for Mistral models 9567 2024-09-20
45 TencentARC/PhotoMaker PhotoMaker [CVPR 2024] 9383 2024-08-15
46 mshumer/gpt-prompt-engineer - 9317 2024-07-29
47 NielsRogge/Transformers-Tutorials This repository contains demos I made with the Transformers library by HuggingFace. 9130 2024-08-08
48 pycaret/pycaret An open-source, low-code machine learning library in Python 8846 2024-08-30
49 blue-yonder/tsfresh Automatic extraction of relevant features from time series: 8377 2024-08-03
50 aimacode/aima-python Python implementation of algorithms from Russell And Norvig's "Artificial Intelligence - A Modern Approach" 7951 2024-08-04
51 google-deepmind/mujoco Multi-Joint dynamics with Contact. A general purpose physics simulator. 7895 2024-09-27
52 advimman/lama 🦙 LaMa Image Inpainting, Resolution-robust Large Mask Inpainting with Fourier Convolutions, WACV 2022 7885 2024-07-26
53 alphacep/vosk-api Offline speech recognition API for Android, iOS, Raspberry Pi and servers with Python, Java, C# and Node 7807 2024-09-26
54 SakanaAI/AI-Scientist The AI Scientist: Towards Fully Automated Open-Ended Scientific Discovery 🧑‍🔬 7634 2024-09-10
55 goldmansachs/gs-quant Python toolkit for quantitative finance 7581 2024-09-23
56 jasonppy/VoiceCraft Zero-Shot Speech Editing and Text-to-Speech in the Wild 7505 2024-06-24
57 Vaibhavs10/insanely-fast-whisper - 7484 2024-06-16
58 sweepai/sweep Sweep: open-source AI-powered Software Developer for small features and bug fixes. 7395 2024-09-12
59 GoogleCloudPlatform/python-docs-samples Code samples used on cloud.google.com 7365 2024-09-27
60 firmai/industry-machine-learning A curated list of applied machine learning and data science notebooks and libraries across different industries (by @firmai) 7229 2024-06-05
61 aamini/introtodeeplearning Lab Materials for MIT 6.S191: Introduction to Deep Learning 7191 2024-08-02
62 OpenBMB/MiniCPM MiniCPM3-4B: An edge-side LLM that surpasses GPT-3.5-Turbo. 6947 2024-09-28
63 h2oai/h2o-3 H2O is an Open Source, Distributed, Fast & Scalable Machine Learning Platform: Deep Learning, Gradient Boosting (GBM) & XGBoost, Random Forest, Generalized Linear Modeling (GLM with Elastic Net), K-Me ... 6874 2024-09-28
64 PWhiddy/PokemonRedExperiments Playing Pokemon Red with Reinforcement Learning 6866 2024-09-04
65 NirDiamant/RAG_Techniques This repository showcases various advanced techniques for Retrieval-Augmented Generation (RAG) systems. RAG systems combine information retrieval with generative models to provide accurate and context ... 6838 2024-09-21
66 Atcold/NYU-DLSP20 NYU Deep Learning Spring 2020 6673 2024-09-10
67 jvns/pandas-cookbook Recipes for using Python's pandas library 6634 2024-07-18
68 Stability-AI/StableCascade Official Code for Stable Cascade 6521 2024-07-25
69 google/automl Google Brain AutoML 6216 2024-04-02
70 cleverhans-lab/cleverhans An adversarial example library for constructing attacks, building defenses, and benchmarking both 6167 2024-04-10
71 udlbook/udlbook Understanding Deep Learning - Simon J.D. Prince 6125 2024-09-16
72 tensorflow/docs TensorFlow documentation 6108 2024-09-26
73 cocodataset/cocoapi COCO API - Dataset @ http://cocodataset.org/ 6060 2024-04-17
74 jpmorganchase/python-training Python training for business analysts and traders 6016 2024-07-17
75 pyannote/pyannote-audio Neural building blocks for speaker diarization: speech activity detection, speaker change detection, overlapped speech detection, speaker embedding 5980 2024-09-26
76 digitalinnovationone/dio-lab-open-source Repositório do lab "Contribuindo em um Projeto Open Source no GitHub" da Digital Innovation One. 5914 2024-09-28
77 HVision-NKU/StoryDiffusion Accepted as [NeurIPS 2024] Spotlight Presentation Paper 5825 2024-09-26
78 graviraja/MLOps-Basics - 5760 2024-09-22
79 CompVis/taming-transformers Taming Transformers for High-Resolution Image Synthesis 5720 2024-07-30
80 jeffheaton/t81_558_deep_learning T81-558: Keras - Applications of Deep Neural Networks @Washington University in St. Louis 5710 2024-08-30
81 meituan/YOLOv6 YOLOv6: a single-stage object detection framework dedicated to industrial applications. 5685 2024-08-07
82 harvardnlp/annotated-transformer An annotated implementation of the Transformer paper. 5608 2024-04-07
83 langgptai/LangGPT LangGPT: Empowering everyone to become a prompt expert!🚀 Structured Prompt,Language of GPT, 结构化提示词,结构化Prompt 5569 2024-09-28
84 tensorflow/tpu Reference models and tools for Cloud TPUs. 5213 2024-08-29
85 evidentlyai/evidently Evidently is ​​an open-source ML and LLM observability framework. Evaluate, test, and monitor any AI-powered system or data pipeline. From tabular data to Gen AI. 100+ metrics. 5184 2024-09-27
86 AnswerDotAI/fasthtml The fastest way to create an HTML app 5160 2024-09-28
87 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 5134 2024-04-23
88 tencent-ailab/IP-Adapter The image prompt adapter is designed to enable a pretrained text-to-image diffusion model to generate images with image prompt. 5065 2024-06-28
89 NVIDIA/tacotron2 Tacotron 2 - PyTorch implementation with faster-than-realtime inference 5054 2024-06-12
90 vikhyat/moondream tiny vision language model 4932 2024-09-27
91 iyaja/llama-fs A self-organizing file system with llama 3 4845 2024-08-09
92 naganandy/graph-based-deep-learning-literature links to conference publications in graph-based deep learning 4744 2024-09-09
93 salesforce/BLIP PyTorch code for BLIP: Bootstrapping Language-Image Pre-training for Unified Vision-Language Understanding and Generation 4690 2024-08-05
94 superduper-io/superduper Superduper: Integrate AI models and machine learning workflows with your database to implement custom AI applications, without moving your data. Including streaming inference, scalable model hosting, ... 4666 2024-09-26
95 zhixuhao/unet unet for image segmentation 4559 2024-04-10
96 Deci-AI/super-gradients Easily train or fine-tune SOTA computer vision models with one open source training library. The home of Yolo-NAS. 4537 2024-09-17
97 Azure/Azure-Sentinel Cloud-native SIEM for intelligent security analytics for your entire enterprise. 4513 2024-09-27
98 lyogavin/airllm AirLLM 70B inference with single 4GB GPU 4438 2024-09-25
99 robertmartin8/PyPortfolioOpt Financial portfolio optimisation in python, including classical efficient frontier, Black-Litterman, Hierarchical Risk Parity 4425 2024-07-16
100 makcedward/nlpaug Data augmentation for NLP 4413 2024-06-24
101 sanchit-gandhi/whisper-jax JAX implementation of OpenAI's Whisper model for up to 70x speed-up on TPU. 4375 2024-04-03
102 dempfi/ayu 🎨🖌 Modern Sublime Text theme 4275 2024-04-30
103 bukosabino/ta Technical Analysis Library using Pandas and Numpy 4261 2024-07-17
104 tensorflow/probability Probabilistic reasoning and statistical analysis in TensorFlow 4242 2024-09-20
105 kaieye/2022-Machine-Learning-Specialization - 4222 2024-08-26
106 lixin4ever/Conference-Acceptance-Rate Acceptance rates for the major AI conferences 4158 2024-08-30
107 nianticlabs/monodepth2 [ICCV 2019] Monocular depth estimation from a single image 4119 2024-08-10
108 AllenDowney/ThinkStats2 Text and supporting code for Think Stats, 2nd Edition 4024 2024-07-01
109 AllenDowney/ThinkDSP Think DSP: Digital Signal Processing in Python, by Allen B. Downey. 3933 2024-05-10
110 bnsreenu/python_for_microscopists https://www.youtube.com/channel/UC34rW-HtPJulxr5wp2Xa04w?sub_confirmation=1 3901 2024-09-27
111 microsoft/FLAML A fast library for AutoML and tuning. Join our Discord: https://discord.gg/Cppx2vSPVP. 3869 2024-09-22
112 collabora/WhisperSpeech An Open Source text-to-speech system built by inverting Whisper. 3799 2024-06-18
113 py-why/EconML ALICE (Automated Learning and Intelligence for Causation and Economics) is a Microsoft Research project aimed at applying Artificial Intelligence concepts to economic decision making. One of its goal ... 3761 2024-09-23
114 Cyb3rWard0g/HELK The Hunting ELK 3749 2024-06-01
115 Arize-ai/phoenix AI Observability & Evaluation 3525 2024-09-28
116 tencentmusic/cube-studio cube studio开源云原生一站式机器学习/深度学习/大模型AI平台,支持sso登录,多租户,大数据平台对接,notebook在线开发,拖拉拽任务流pipeline编排,多机多卡分布式训练,超参搜索,推理服务VGPU,边缘计算,serverless,标注平台,自动化标注,数据集管理,大模型微调,vllm大模型推理,llmops,私有知识库,AI模型应用商店,支持模型一键开发/推理/微调,支持国 ... 3504 2024-09-24
117 JerBouma/FinanceDatabase This is a database of 300.000+ symbols containing Equities, ETFs, Funds, Indices, Currencies, Cryptocurrencies and Money Markets. 3423 2024-09-22
118 ml-tooling/ml-workspace 🛠 All-in-one web-based IDE specialized for machine learning and data science. 3406 2024-07-26
119 rasbt/machine-learning-book Code Repository for Machine Learning with PyTorch and Scikit-Learn 3376 2024-07-31
120 MahmoudAshraf97/whisper-diarization Automatic Speech Recognition with Speaker Diarization based on OpenAI Whisper 3371 2024-09-28
121 jonkrohn/ML-foundations Machine Learning Foundations: Linear Algebra, Calculus, Statistics & Computer Science 3366 2024-09-25
122 data-science-on-aws/data-science-on-aws AI and Machine Learning with Kubeflow, Amazon EKS, and SageMaker 3345 2024-07-31
123 defog-ai/sqlcoder SoTA LLM for converting natural language questions to SQL queries 3314 2024-05-23
124 higgsfield-ai/higgsfield Fault-tolerant, highly scalable GPU orchestration, and a machine learning framework designed for training models with billions to trillions of parameters 3289 2024-05-25
125 huawei-noah/HEBO Bayesian optimisation & Reinforcement Learning library developped by Huawei Noah's Ark Lab 3240 2024-09-18
126 szagoruyko/pytorchviz A small package to create visualizations of PyTorch execution graphs 3175 2024-04-02
127 srush/Tensor-Puzzles Solve puzzles. Improve your pytorch. 3171 2024-07-15
128 nndl/exercise exercise for nndl 3165 2024-07-19
129 plotly/dash-sample-apps Open-source demos hosted on Dash Gallery 3131 2024-09-24
130 pytorch/botorch Bayesian optimization in PyTorch 3070 2024-09-28
131 google/prompt-to-prompt - 3064 2024-05-14
132 santosjorge/cufflinks Productivity Tools for Plotly + Pandas 3025 2024-07-03
133 NVIDIA-AI-IOT/jetbot An educational AI robot based on NVIDIA Jetson Nano. 3002 2024-07-06
134 iusztinpaul/hands-on-llms 🦖 𝗟𝗲𝗮𝗿𝗻 about 𝗟𝗟𝗠𝘀, 𝗟𝗟𝗠𝗢𝗽𝘀, and 𝘃𝗲𝗰𝘁𝗼𝗿 𝗗𝗕𝘀 for free by designing, training, and deploying a real-time financial advisor LLM system ~ 𝘴𝘰𝘶𝘳𝘤𝘦 𝘤𝘰𝘥𝘦 + 𝘷𝘪𝘥𝘦𝘰 & 𝘳𝘦𝘢𝘥𝘪𝘯𝘨 𝘮𝘢𝘵𝘦𝘳𝘪𝘢𝘭𝘴 2987 2024-04-07
135 esokolov/ml-course-hse Машинное обучение на ФКН ВШЭ 2948 2024-09-24
136 parrt/dtreeviz A python library for decision tree visualization and model interpretation. 2936 2024-08-29
137 GokuMohandas/mlops-course Learn how to design, develop, deploy and iterate on production-grade ML applications. 2913 2024-08-16
138 bowang-lab/MedSAM Segment Anything in Medical Images 2832 2024-08-29
139 eureka-research/Eureka Official Repository for "Eureka: Human-Level Reward Design via Coding Large Language Models" (ICLR 2024) 2797 2024-05-03
140 scikit-learn-contrib/hdbscan A high performance implementation of HDBSCAN clustering. 2773 2024-08-15
141 xinyu1205/recognize-anything Open-source and strong foundation image recognition models. 2764 2024-08-01
142 darkprinx/break-the-ice-with-python The repository is about 100+ python programming exercise problem discussed, explained, and solved in different ways 2757 2024-07-27
143 ai-forever/Kandinsky-2 Kandinsky 2 — multilingual text2image latent diffusion model 2745 2024-05-01
144 keras-team/keras-io Keras documentation, hosted live at keras.io 2744 2024-09-23
145 KevinWang676/Bark-Voice-Cloning Bark Voice Cloning and Voice Cloning for Chinese Speech 2736 2024-08-08
146 datawhalechina/hugging-llm HuggingLLM, Hugging Future. 2734 2024-06-27
147 MAIF/shapash 🔅 Shapash: User-friendly Explainability and Interpretability to Develop Reliable and Transparent Machine Learning Models 2715 2024-09-17
148 microsoft/lida Automatic Generation of Visualizations and Infographics using Large Language Models 2701 2024-08-08
149 facebookresearch/co-tracker CoTracker is a model for tracking any point (pixel) on a video. 2698 2024-09-25
150 matheusfacure/python-causality-handbook Causal Inference for the Brave and True. A light-hearted yet rigorous approach to learning about impact estimation and causality. 2688 2024-08-22
151 intel-analytics/BigDL-2.x BigDL: Distributed TensorFlow, Keras and PyTorch on Apache Spark/Flink & Ray 2664 2024-09-27
152 whylabs/whylogs An open-source data logging library for machine learning models and data pipelines. 📚 Provides visibility into data quality & model performance over time. 🛡️ Supports privacy-preserving data collectio ... 2635 2024-09-27
153 romeokienzler/TensorFlow Project containig related material for my TensorFlow articles 2596 2024-06-17
154 facebookresearch/Pearl A Production-ready Reinforcement Learning AI Agent Library brought by the Applied Reinforcement Learning team at Meta. 2590 2024-09-22
155 IHaskell/IHaskell A Haskell kernel for the Jupyter project. 2584 2024-09-22
156 ipython/ipyparallel IPython Parallel: Interactive Parallel Computing in Python 2580 2024-09-02
157 gpu-mode/lectures Material for gpu-mode lectures 2566 2024-09-23
158 open-spaced-repetition/fsrs4anki A modern Anki custom scheduling based on Free Spaced Repetition Scheduler algorithm 2555 2024-09-17
159 FranxYao/chain-of-thought-hub Benchmarking large language models' complex reasoning ability with chain-of-thought prompting 2529 2024-08-04
160 zzh8829/yolov3-tf2 YoloV3 Implemented in Tensorflow 2.0 2509 2024-08-30
161 ajcr/100-pandas-puzzles 100 data puzzles for pandas, ranging from short and simple to super tricky (60% complete) 2507 2024-07-10
162 exacity/simplified-deeplearning Simplified implementations of deep learning related works 2486 2024-08-31
163 mshumer/gpt-author - 2479 2024-04-03
164 Camb-ai/MARS5-TTS MARS5 speech model (TTS) from CAMB.AI 2470 2024-08-01
165 Jezzamonn/fourier An Interactive Introduction to Fourier Transforms 2464 2024-06-21
166 Stability-AI/stability-sdk SDK for interacting with stability.ai APIs (e.g. stable diffusion inference) 2418 2024-09-16
167 state-spaces/s4 Structured state space sequence models 2383 2024-07-17
168 cksystemsteaching/selfie An educational software system of a tiny self-compiling C compiler, a tiny self-executing RISC-V emulator, and a tiny self-hosting RISC-V hypervisor. 2374 2024-09-28
169 rom1504/clip-retrieval Easily compute clip embeddings and build a clip retrieval system with them 2364 2024-04-15
170 https-deeplearning-ai/tensorflow-1-public - 2355 2024-08-23
171 aws-samples/aws-machine-learning-university-accelerated-nlp Machine Learning University: Accelerated Natural Language Processing Class 2328 2024-09-16
172 claimed-framework/component-library The goal of CLAIMED is to enable low-code/no-code rapid prototyping style programming to seamlessly CI/CD into production. 2312 2024-09-25
173 langchain-ai/rag-from-scratch - 2301 2024-07-09
174 onnx/tensorflow-onnx Convert TensorFlow, Keras, Tensorflow.js and Tflite models to ONNX 2301 2024-09-03
175 huggingface/blog Public repo for HF blog posts 2295 2024-09-28
176 google-research/kubric A data generation pipeline for creating semi-realistic synthetic multi-object videos with rich annotations such as instance segmentation masks, depth maps, and optical flow. 2292 2024-06-27
177 isl-org/ZoeDepth Metric depth estimation from a single image 2265 2024-05-03
178 zju3dv/LoFTR Code for "LoFTR: Detector-Free Local Feature Matching with Transformers", CVPR 2021, T-PAMI 2022 2253 2024-05-31
179 google/brax Massively parallel rigidbody physics simulation on accelerator hardware. 2245 2024-07-19
180 google-research/big_vision Official codebase used to develop Vision Transformer, SigLIP, MLP-Mixer, LiT and more. 2241 2024-08-23
181 FasterDecoding/Medusa Medusa: Simple Framework for Accelerating LLM Generation with Multiple Decoding Heads 2224 2024-06-25
182 WillKoehrsen/feature-selector Feature selector is a tool for dimensionality reduction of machine learning datasets 2220 2024-06-17
183 xuebinqin/DIS This is the repo for our new project Highly Accurate Dichotomous Image Segmentation 2216 2024-09-23
184 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 ca ... 2207 2024-09-27
185 ipazc/mtcnn MTCNN face detection implementation for TensorFlow, as a PIP package. 2199 2024-04-26
186 googlecolab/colabtools Python libraries for Google Colaboratory 2175 2024-09-27
187 neo4j-labs/llm-graph-builder Neo4j graph construction from unstructured data using LLMs 2148 2024-09-27
188 carefree0910/carefree-creator AI magics meet Infinite draw board. 2130 2024-05-09
189 verazuo/jailbreak_llms [CCS'24] A dataset consists of 15,140 ChatGPT prompts from Reddit, Discord, websites, and open-source datasets (including 1,405 jailbreak prompts). 2120 2024-08-04
190 hustvl/4DGaussians [CVPR 2024] 4D Gaussian Splatting for Real-Time Dynamic Scene Rendering 2109 2024-08-30
191 yformer/EfficientSAM EfficientSAM: Leveraged Masked Image Pretraining for Efficient Segment Anything 2100 2024-06-06
192 cgpotts/cs224u Code for Stanford CS224u 2100 2024-09-17
193 domokane/FinancePy A Python Finance Library that focuses on the pricing and risk-management of Financial Derivatives, including fixed-income, equity, FX and credit derivatives. 2096 2024-09-09
194 deepklarity/jupyter-text2code A proof-of-concept jupyter extension which converts english queries into relevant python code 2095 2024-04-14
195 ashishpatel26/LLM-Finetuning LLM Finetuning with peft 2079 2024-07-08
196 Hzzone/pytorch-openpose pytorch implementation of openpose including Hand and Body Pose Estimation. 2066 2024-07-09
197 jamesturk/jellyfish 🪼 a python library for doing approximate and phonetic matching of strings. 2044 2024-09-07
198 AI4Finance-Foundation/FinRL-Trading For trading. Please star. 2019 2024-07-01
199 alessiodm/drl-zh Deep Reinforcement Learning: Zero to Hero! 2005 2024-08-18
200 LyWangPX/Reinforcement-Learning-2nd-Edition-by-Sutton-Exercise-Solutions Solutions of Reinforcement Learning, An Introduction 1975 2024-05-20

↓ -- Thanks -- ↓

If it is helpful to you, please star it for easy browsing. Thanks for your support!