Skip to content

Latest commit

 

History

History
172 lines (167 loc) · 30.9 KB

File metadata and controls

172 lines (167 loc) · 30.9 KB

返回目录问题反馈

中文增速榜 > 资料类 > Jupyter Notebook

数据更新: 2024-06-11   /   温馨提示:中文项目泛指「文档母语为中文」OR「含有中文翻译」的项目,通常在项目的「readme/wiki/官网」可以找到

# Repository Description Stars Average daily growth Updated
1 datawhalechina/llm-cookbook 面向开发者的 LLM 入门教程,吴恩达大模型系列课程中文版 10048 25 2024-06-10
2 datawhalechina/self-llm 《开源大模型食用指南》基于Linux环境快速部署开源大模型,更适合中国宝宝的部署教程 5098 25 2024-06-09
3 datawhalechina/llm-universe 本项目是一个面向小白开发者的大模型应用开发教程,在线阅读地址:https://datawhalechina.github.io/llm-universe/ 3100 14 2024-06-10
4 fastai/fastbook The fastai book, published as Jupyter Notebooks 20986 13 2024-06-08
5 YangLing0818/RPG-DiffusionMaster [ICML 2024] Mastering Text-to-Image Diffusion: Recaptioning, Planning, and Generating with Multimodal LLMs (PRG) 1564 11 2024-06-06
6 selfteaching/the-craft-of-selfteaching One has no future if one couldn't teach themself. 15051 8 2024-06-04
7 huggingface/cookbook Open-source AI cookbook 1417 7 2024-06-10
8 williamyang1991/Rerender_A_Video [SIGGRAPH Asia 2023] Rerender A Video: Zero-Shot Text-Guided Video-to-Video Translation 2905 7 2024-03-09
9 Visualize-ML/Book1_Python-For-Beginners Book_1_《编程不难》 鸢尾花书:从加减乘除到机器学习;请多多批评指正! 3718 7 2024-03-16
10 datawhalechina/easy-rl 强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/ 8422 6 2024-06-09
11 AccumulateMore/CV ✔(已完结)最全面的 深度学习 笔记【土堆 Pytorch】【李沐 动手学深度学习】【吴恩达 深度学习】 4291 5 2024-06-07
12 wdndev/llama3-from-scratch-zh 从零实现一个 llama3 中文版 89 5 2024-05-30
13 huggingface/diffusion-models-class Materials for the Hugging Face Diffusion Models Course 3280 5 2024-04-11
14 chenyuntc/pytorch-book PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》) 11819 5 2023-12-24
15 wesm/pydata-book Materials and IPython notebooks for "Python for Data Analysis" by Wes McKinney, published by O'Reilly Media 21506 5 2023-12-22
16 MetaGLM/glm-cookbook Examples and guides for using the GLM APIs 602 4 2024-06-10
17 WTFAcademy/WTF-zk 零知识证明入门教程。Comprehensive Zero-Knowledge Proofs Tutorial. #zk #WIP 751 4 2024-06-09
18 Visualize-ML/Book5_Essentials-of-Probability-and-Statistics Book_5_《统计至简》 鸢尾花书:从加减乘除到机器学习;上架! 2463 4 2024-03-16
19 Visualize-ML/Book2_Beauty-of-Data-Visualization Book_2_《可视之美》 鸢尾花书:从加减乘除到机器学习,欢迎批评指正 2256 4 2024-03-16
20 yidao620c/python3-cookbook 《Python Cookbook》 3rd Edition Translation 11495 3 2024-04-12
21 zyds/transformers-code 手把手带你实战 Huggingface Transformers 课程视频同步更新在B站与YouTube 1347 3 2024-04-06
22 Visualize-ML/Book7_Visualizations-for-Machine-Learning Book_7_《机器学习》 鸢尾花书:从加减乘除到机器学习;欢迎批评指正 1942 3 2024-03-16
23 EgoAlpha/prompt-in-context-learning Awesome resources for in-context learning and prompt engineering: Mastery of the LLMs such as ChatGPT, GPT-3, and FlanT5, with up-to-date and cutting-edge updates. 1394 3 2024-06-03
24 Visualize-ML/Book6_First-Course-in-Data-Science Book_6_《数据有道》 鸢尾花书:从加减乘除到机器学习;欢迎大家批评指正!纠错多的同学会得到赠书感谢! 1593 3 2024-04-06
25 datawhalechina/joyful-pandas pandas中文教程 4400 3 2024-04-24
26 huangjia2019/ai-agents 异步图书 大模型应用开发 动手做AI Agent 56 2 2024-06-09
27 TradeMaster-NTU/TradeMaster TradeMaster is an open-source platform for quantitative trading empowered by reinforcement learning 🔥 ⚡ 🌈 1218 2 2024-02-28
28 Charmve/computer-vision-in-action A computer vision closed-loop learning platform where code can be run interactively online. 学习闭环《计算机视觉实战演练:算法与应用》中文电子书、源码、读者交流社区(持续更新中 ...) 📘 在线电子书 https://charmve.github.io/computer-vision-in-action/ ... 2442 2 2024-05-27
29 datawhalechina/thorough-pytorch PyTorch入门教程,在线阅读地址:https://datawhalechina.github.io/thorough-pytorch/ 2079 2 2024-06-02
30 gedeck/practical-statistics-for-data-scientists Code repository for O'Reilly book 2495 2 2024-02-12
31 xuwenhao/geektime-ai-course Jupyter Notebooks for Geektime AI Course 716 2 2024-03-18
32 openvinotoolkit/openvino_notebooks 📚 Jupyter notebook tutorials for OpenVINO™ 2089 2 2024-06-10
33 MLEveryday/practicalAI-cn AI实战-practicalAI 中文版 3235 2 2023-12-31
34 PaddlePaddle/awesome-DeepLearning 深度学习入门课、资深课、特色课、学术案例、产业实践案例、深度学习知识百科及面试题库The course, case and knowledge of Deep Learning and AI 2891 2 2024-05-11
35 DjangoPeng/LLM-quickstart Quick Start for Large Language Models (Theoretical Learning and Practical Fine-tuning) 大语言模型快速入门(理论学习与微调实战) 334 2 2024-03-25
36 unit-mesh/unit-minions 《AI 研发提效研究:自己动手训练 LoRA》,包含 Llama (Alpaca LoRA)模型、ChatGLM (ChatGLM Tuning)相关 Lora 的训练。训练内容:用户故事生成、测试代码生成、代码辅助生成、文本转 SQL、文本生成代码…… 998 2 2024-01-03
37 charent/Phi2-mini-Chinese Phi2-Chinese-0.2B 从0开始训练自己的Phi2中文小模型,支持接入langchain加载本地知识库做检索增强生成RAG。Training your own Phi2 small chat model from scratch. 409 2 2024-02-19
38 ben1234560/AiLearning-Theory-Applying 快速上手Ai理论及应用实战:基础知识、Transformer、NLP、ML、DL、竞赛。含大量注释及数据集,力求每一位能看懂并复现。 2911 2 2024-05-28
39 solidglue/Deep_Learning_TensorFlow2_Examples 深度学习TensorFlow2入门指南。Deep Learning TensorFlow2 API and Examples with Python3 and Jupyter Notebook. 95 1 2024-05-20
40 loveunk/machine-learning-deep-learning-notes 机器学习、深度学习的学习路径及知识总结 1054 1 2024-01-09
41 SMILELab-FL/FedLab A flexible Federated Learning Framework based on PyTorch, simplifying your Federated Learning research. 684 1 2024-01-31
42 RealKai42/langchainjs-juejin 从前端到 AI:langchain.js 入门和实战 29 1 2024-05-17
43 XingYu-Zhong/LangChainStudy 这个项目是一个Jupyter notebook的集合,专门用于学习和探索LangChain框架。 234 1 2024-01-16
44 solidglue/Machine_Learning_Sklearn_Examples 机器学习Sklearn入门指南。Machine Learning Sklearn API and Examples with Python3 and Jupyter Notebook. 105 1 2024-05-20
45 princepride/scratch-pytorch-step-by-step 教你只用最基本的python语法和numpy一步步实现深度学习框架 108 1 2024-06-03
46 amaargiru/pycore Python Extended Cheatsheet. I'm using this repository to chronicle my journey through Python. 493 1 2024-05-16
47 Luhuanz/pytorch_project llms 大模型 笔记50篇 此仓库包含关于机器学习、深度学习、计算机视觉、自然语言处理、大模型 爬虫等领域 项目实战 521 1 2024-04-24
48 luwill/Machine_Learning_Code_Implementation Mathematical derivation and pure Python code implementation of machine learning algorithms. 1488 1 2024-02-01
49 L1aoXingyu/code-of-learn-deep-learning-with-pytorch This is code of book "Learn Deep Learning with PyTorch" 2751 1 2024-03-04
50 qianniucity/llm_notebooks AI 应用示例合集 30 1 2024-06-03
51 cfcys/nanoGPT-Tutorial-CN 更友好的nanoGPT的中文教程 42 1 2024-05-17
52 Mxoder/LLM-from-scratch 一些 LLM 方面的从零复现笔记 57 1 2024-06-09
53 AccumulateMore/OpenCV ✔(已完结)最全面的 OpenCV 笔记【咕泡唐宇迪】 463 1 2024-05-16
54 CNFeffery/DataScienceStudyNotes 这个仓库保管从(数据科学学习手札69)开始的所有代码、数据等相关附件内容 1202 1 2024-06-05
55 pariskang/CMLM-ZhongJing 首个中医大语言模型——“仲景”。受古代中医学巨匠张仲景深邃智慧启迪,专为传统中医领域打造的预训练大语言模型。 The first-ever Traditional Chinese Medicine large language model - "CMLM-ZhongJing". Inspired by the profound wisdom of the ancient Chinese medi ... 198 1 2024-06-06
56 datawhalechina/statistical-learning-method-solutions-manual 统计学习方法习题解答,在线阅读地址:https://datawhalechina.github.io/statistical-learning-method-solutions-manual 1631 1 2024-05-03
57 yangqy1110/Diffusion-Models 扩散模型原理和pytorch代码实现初学资料汇总 334 1 2024-04-19
58 szcf-weiya/ESL-CN The Elements of Statistical Learning (ESL)的中文翻译、代码实现及其习题解答。 2379 1 2024-04-28
59 datawhalechina/machine-learning-toy-code 《机器学习》(西瓜书)代码实战 560 1 2024-02-23
60 datawhalechina/d2l-ai-solutions-manual 《动手学深度学习》习题解答,在线阅读地址如下: 278 1 2024-05-10
61 datawhalechina/hands-on-data-analysis 动手学数据分析以项目为主线,知识点孕育其中,通过边学、边做、边引导来得到更好的学习效果 1084 1 2024-05-29
62 ArronAI007/Awesome-AGI AGI资料汇总学习(主要包括LLM和AIGC),持续更新...... 207 1 2024-06-04
63 datawhalechina/wow-plotly 高级可视化神器plotly的学习 51 0 2024-01-12
64 buluslee/DT-AI 这是DT-AI的学习路线开源版本,欢迎大家享用!对新手友好 113 0 2024-05-06
65 WTFAcademy/WTF-EVM-Opcodes Minimal tutorials for EVM Opcodes, building minimal evm in python from scratch. 以太坊的Opcodes(操作码)极简教程,使用python从零搭建EVM。 130 0 2024-05-23
66 fry404006308/fry_course_materials 范仁义录播课资料,会依次推出各种完全免费的前端、后端、大数据、人工智能等课程,课程网站: https://fanrenyi.com ; b站课程地址: https://space.bilibili.com/45664489 568 0 2024-06-06
67 Skyorca/BigDataAnalysis UCAS研一课程大数据分析的笔记和代码 33 0 2024-06-09
68 lgy0404/d2l-2023 ✔️(持续更新)李沐 【动手学深度学习v2 PyTorch版】课程学习笔记,更正了AccumulateMore笔记的部分错误,从更加初级的角度做了部分内容补充 51 0 2024-05-10
69 hitlic/python_book 清华大学出版社《Python从入门到提高》源代码、课件 37 0 2024-02-01
70 ruoxining/ZJUCourse ZJU课程资料,主要含英语+CS专业课,不含不合适公开的资料和违反honor code的作业 42 0 2024-04-21
71 HugoBlox/theme-blog 📝 Hugo Academic Blog Theme. 轻松创建一个简约博客. No code, highly customizable using widgets. 102 0 2024-06-02
72 binzhouchn/machine_learning 抽象来讲,机器学习问题是把数据转换成信息再提炼到知识的过程,特征是“数据-->信息”的过程,决定了结果的上限,而分类器是“信息-->知识”的过程,则是去逼近这个上限 19 0 2024-01-23
73 sijichun/MathStatsCode Codes for my mathematical statistics course 168 0 2023-12-17
74 microsoft/AIforEarthDataSets Notebooks and documentation for AI-for-Earth-managed datasets on Azure 267 0 2024-04-17
75 AccumulateMore/Python ✔(已完结)最全面的 Python 笔记【马士兵教育】 328 0 2024-05-15
76 realyanyang/disambiguation OAG-WhoIsWho 赛道二 代码分享 30 0 2024-05-03
77 ShaoQiBNU/uplift_model_notes uplift模型业界应用总结 26 0 2024-05-17
78 IKMLab/course_material 上課教材的大集合!!! 63 0 2024-04-23
79 kingname/SourceCodeofMongoRedis 《左手MongoDB,右手Redis——从入门到商业实战》书籍配套源代码。 209 0 2024-02-17
80 yunwei37/openai-cookbook-zh-cn 使用 OpenAI API 的例子和中文指南(自动持续更新 OpenAI 官方文档) 90 0 2024-03-17
81 2811668688/ZJU-CS 这里是我对浙江大学混合班CS的一些课程的资料整理,希望能给予看到的朋友一些帮助。 120 0 2024-03-30
82 AccumulateMore/CPlusPlus ✔(已完结)最全面的 C++ 笔记 【黑马程序员】 435 0 2024-05-15
83 jinhualee/datashine 《Python统计与数据分析实战》课程代码,包含了大部分统计与非参数统计和数据分析的模型、算法。回归分析、方差分析、点估计、假设检验、主成分分析、因子分析、聚类分析、判别分析、对数线性模型、分位回归模型以及列联表分析、非参数平滑、非参数密度估计等各种非参数统计方法。 292 0 2024-04-23
84 hxchua/datadoubleconfirm Simple datasets and notebooks for data visualization, statistical analysis and modelling - with write-ups here: http://projectosyo.wix.com/datadoubleconfirm. 57 0 2024-05-21
85 fscdc/NKU-CS-FSC NKU CS的基本所有课程code和report(更新中) 39 0 2024-02-20
86 personqianduixue/comap_crawler_2023 美赛爬虫,2022美赛获奖证书爬虫,2023美赛获奖证书爬虫,2024美赛获奖证书爬虫 46 0 2024-05-26
87 aceliuchanghong/FAQ_Of_LLM_Interview 大模型算法岗面试题(含答案):常见问题和概念解析 "大模型面试题"、"算法岗面试"、"面试常见问题"、"大模型算法面试"、"大模型应用基础" 43 0 2024-06-10
88 yenlung/Python-AI-Book 《少年Py的大冒險》第二集, 深度學習的入門! 42 0 2023-12-19
89 AccumulateMore/Spider ✔(已完结)最全面的 爬虫与数据库 笔记 50 0 2024-05-15
90 ScienceLi1125/CQU-Study 重庆大学计算机学院学习资料 104 0 2024-04-17
91 wklchris/blog 个人 Github.io 站点上的博客文章 Blogs on my Github.io site 24 0 2024-06-01
92 ZhiningLiu1998/mesa [NeurIPS’20] ⚖️ Build powerful ensemble class-imbalanced learning models via meta-knowledge-powered resampler. 设计元知识驱动的采样器解决类别不平衡问题 104 0 2024-05-03
93 lingwsh/ben_tech_python 小白学Python课程资料 34 0 2023-12-31
94 dmarx/anthology-of-modern-ml Collection of important articles to be treated as a textbook 450 0 2024-04-05
95 LinglingGreat/StudySum 学习过程中的笔记梳理与总结 19 0 2024-04-01
96 coggle-club/notebooks 数据科学教程案例 47 0 2024-05-11
97 CloneNOX/MSA-BiGCN 中山大学2022届本科生毕业论文《基于注意力机制和图卷积神经网络的多任务谣言检测》代码实现和baseline代码。现采用BERT作为编码器,实现了新的模型。 37 0 2024-04-25
98 newaetech/chipwhisperer-jupyter Interactive ChipWhisperer tutorials using Jupyter notebooks. 199 0 2024-06-04
99 chen2438/zstu-study zstu 浙江理工大学 学习资料 34 0 2024-06-10
100 limingzhong61/LearningNotes 学习笔记 40 0 2024-03-25
101 JamesLavin/my_tech_resources List of tech resources future me and other Javascript/Ruby/Python/Elixir/Elm developers might find useful 309 0 2024-05-04
102 datawhalechina/hands-dirty-nlp 本课程面对具有一定机器学习基础,但尚未入门的NLPer或经验尚浅的NLPer,尽力避免陷入繁琐枯燥的公式讲解中,力求用代码展示每个模型背后的设计思想,同时也会带大家梳理每个模块下的技术演变,做到既知树木也知森林。 76 0 2023-12-17
103 Robin-WZQ/BIT-AI-Review 本项目分享了本人在北京理工大学计算机学院人工智能专业的相关课程资料与经验分享。希望对你们有所帮助❤️,如果喜欢的话记得给个star哦🌟 133 0 2024-01-14
104 pangbo13/Courses 本项目保存了本人在上海交通大学计算机科学与技术专业部分课程学习过程中的作业与项目代码。 22 0 2024-03-10
105 CyberZHG/CLRS Some exercises and problems in Introduction to Algorithms 3rd edition. 430 0 2024-03-02
106 LecterChu/nwpu-cram 西北工业大学/西工大/nwpu/npu软件学院复习(突击)资料!! 201 0 2024-05-30
107 hwdqm88/pattern-recognition-807 《模式识别(第三版)》(张学工)学习笔记+2024真题,清华大学深圳研究生院人工智能专业考研807专业课 79 0 2024-04-01
108 Allenpandas/BJTU-CS-Notebook 👨‍🎓 北京交通大学计算机科学与技术学院研究生课程资料、笔记、回忆和整理的期末考试卷及课程作业。希望对你们有所帮助❤️,如果喜欢记得给个star🌟 63 0 2024-06-06
109 Gandedong/audit-python- 这个是一个财务审计与python相关的教学分享仓库,帮助有需要的朋友在财务领域上走得更远更高。 38 0 2024-03-19
110 wx-chevalier/Mathematics-Notes 📚 [.md & .ipynb] 人工智能与深度学习实战--数理统计与数据分析篇 32 0 2024-05-26
111 rwepa/DataDemo 提供資料集與範例分享. 17 0 2023-12-27
112 charliedream1/ai_wiki 《AI工程师的自我修养》:记载工程实践问题的解决策略与关键要点,分享各种实用案例,追踪前沿技术发展,囊括 AI 全栈知识,涵盖大模型、编程技术、机器学习、深度学习、强化学习、图神经网络、语音识别、NLP 及图像识别等领域 84 0 2024-06-10
113 gkm0120/Graph-Neural-Network-Papers 图神经网络、图卷积网络、图注意力网络、图自编码网络、时空图神经网络等论文合集。 83 0 2024-02-27
114 Gengzhige/Deep-Learning-Code 《深度学习必修课:进击算法工程师》配套代码 36 0 2024-01-06
115 qiguming/MLAPP_CN_CODE 《Machine Learning: A Probabilistic Perspective》(Kevin P. Murphy)中文翻译和书中算法的Python实现。 523 0 2024-04-07
116 ChileWang0228/Deep-Learning-With-Python 《Python深度学习》书籍代码 611 0 2024-01-30
117 fan2goa1/BIT-CS-UnderGraduate 这个仓库存放了北京理工大学计科专业相关课程资料,欢迎Star & PR。 71 0 2024-01-11
118 batermj/data_sciences_campaign 【数据科学家系列课程】 98 0 2024-05-03
119 WTFAcademy/WTF-web3py 我们最近在重新学web3py,巩固一下细节,也写一个“WTF web3py极简入门”,供小白们使用,每周更新1-3讲。 27 0 2024-02-15
120 datawhalechina/zishu wow-fullstack,令人惊叹的全栈开发教程 57 0 2024-06-07
121 zui0711/Z-Lab Z Lab数据实验室开源代码汇总 180 0 2024-02-27
122 MorvanZhou/easy-scraping-tutorial Simple but useful Python web scraping tutorial code. 769 0 2024-04-07
123 zillionare/zillionare 请访问 😄www.jieyu.ai和公众号🫶量化风云 106 0 2024-06-07
124 ConnectAI-E/LangChain-Tutior ⛓ LangChain 入门指南,配套吴恩达老师deeplearning.ai课程 😎复现语言:Python、NodeJs、Golang 102 0 2024-01-03
125 iHeadWater/iheadwater_hackweek_tutorials 水资源科研编程入门教程 23 0 2024-04-15
126 HuichuanLI/GraphNeuralNetWork 玩转图神经网络和知识图谱的相关算法:GCN,GAT,GAFM,GAAFM,GraphSage,W2V,TRANSe 24 0 2024-04-27
127 fire717/Machine-Learning 机器学习&深度学习资料笔记&基本算法实现&资源整理(ML / CV / NLP / DM...) 211 0 2024-02-05
128 Zenobia000/MachineLearning-ds-fundamental 機器學習/深度學習理論程式大全 24 0 2024-05-25
129 Winn1y/Show2Know 基于科研论文导向的可视化绘图集锦 50 0 2024-05-26
130 XiaShan1227/GNN-Tutorial B站GNN教程资料 55 0 2024-04-11
131 Starlight0798/NKU-share NKU计网学院各个课程作业 25 0 2024-04-09
132 analyticalmindsltd/smote_variants A collection of 85 minority oversampling techniques (SMOTE) for imbalanced learning with multi-class oversampling and model selection features 606 0 2024-01-03
133 AI4Finance-Foundation/FinRL-Tutorials Tutorials. Please star. 735 0 2024-04-30
134 zgcr/SimpleAICV_pytorch_training_examples SimpleAICV:pytorch training and testing examples. 404 0 2024-06-09
135 xiaomeng79/learning_notes 学习笔记 21 0 2024-04-02
136 liangruibupt/aws-is-how Know How Guide and Hands on Guide for AWS 43 0 2024-06-07
137 Ifan24/GPT_subtitles Download YouTube video (or supply your own) and generate dual languange subtitles with OpenAI Whisper and translation API (GPT) 下载 YouTube 视频(或提供您自己的视频)并使用 Whisper 和翻译AP ... 67 0 2024-06-04
138 yinizhilian/nlp-materials-share 自然语言处理NLP(自然语言生成NLG、自然语言理解NLU)、自然语言学术会议大盘点、自然语言大佬介绍、NLP研究机构、NLP资料分享、NLP学习资源分享、NLP学术论文介绍 173 0 2024-05-14
139 unimauro/QuantumResources Here Quantum Resources like: Book, Papers, Videos 25 0 2024-01-02
140 ForeverHaibara/Fudan-Courses Notes for Courses in School of Data Science, Fudan University. 复旦大学数据科学与大数据技术专业(复旦大数据)学习笔记。 81 0 2024-04-24
141 bobo0810/PytorchNetHub 项目注释+论文复现+算法竞赛+Pytorch实践 599 0 2024-02-18
142 zkywsg/Daily-DeepLearning 🔥机器学习/深度学习/Python/算法面试/自然语言处理教程/剑指offer/machine learning/deeplearning/Python/Algorithm interview/NLP Tutorial 558 0 2024-04-08
143 HuangCongQing/3D-Point-Clouds 🔥3D点云目标检测&语义分割(深度学习)-SOTA方法,代码,论文,数据集等 390 0 2024-04-10
144 bytechina/openai-cookbook-zh OpenAI API官方使用指南(中文修订版)Examples and guides for using the OpenAI API(Chinese) 77 0 2024-03-17
145 NAOSI-DLUT/DLUT_ISE_Courses 大连理工大学软国专业课程指南,请同学们踊跃发言和@dingsio 27 0 2024-06-02
146 ZitongLu1996/Python-EEG-Handbook-CN Python脑电数据处理中文手册 - A Chinese handbook for EEG data analysis based on Python 306 0 2024-04-05
147 HITSZ-OpenAuto/PHYS1002 HITSZ 大学物理实验 实验报告、数据处理及绘图程序等资料 40 0 2024-05-19
148 windmaple/Gemma-Chinese-instruction-tuning 演示Gemma中文指令微调的教程 40 0 2024-02-26
149 aialgorithm/Blog Python机器学习算法技术博客,有原创干货!有code实践! 【更多内容敬请关注公众号 "算法进阶"】 726 0 2024-02-27
150 zhangjunhd/reading-notes 张俊的读书笔记 278 0 2024-06-05
151 dream80/TonyColab Colab script collection for various amazing projects! 各种牛逼项目的Colab脚本集合! 176 0 2024-05-31
152 NJUPTFreeExams/NJUPT-General-Free-Exams 南京邮电大学通识课程历年资料。 462 0 2024-02-02
153 AccumulateMore/NLP ✔最全面的 深度学习NLP 笔记 34 0 2024-05-15
154 Relph1119/my-team-learning 我的Datawhale组队学习,在线阅读地址:https://relph1119.github.io/my-team-learning 57 0 2024-03-03
155 liyucheng09/NLP_Freshman 给研一同学的NLP入门指南 51 0 2024-05-24
156 yujunkuo/ML2022-Homework [機器學習 110-2@NTU] 課程作業 28 0 2023-12-20

↓ -- 感谢读者 -- ↓

榜单持续更新,如有帮助请加星收藏,方便后续浏览,感谢你的支持!