lyh910926 / DataScience-master

Machine Learning, Python, Deep Learning, Linux, Pandas, Matplotlib, Git...

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

Data Science Tutorial

中英文对照

  • ML——Machine Learning 机器学习

  • DL——Deep Learning 深度学习

  • NL——Nature Language 自然语言处理

数学基础

Figure Name Web/Book Description
image-20230626210758913 Introduction to Linear algebra have been removed for copyright 麻省理工学院英文原版教材《线性代数导论》
MATHEMATICS FOR MACHINE LEARNING MATHEMATICS_FOR_MACHINE_LEARNING.pdf 《机器学习中的数学》
The Calculus Lifesaver: All the Tools You Need to Excel at Calculus 普林斯顿微积分读本(英文版).pdf 普林斯顿微积分读本(这本似乎有中文版)

Python数据科学

Figure Name Web/Book Description
image-20230627161451960 蟒蛇书 Python编程:从入门到实践.pdf Python编程入门必备
image-20230627155202946 Python Data Science Handbook Python数据科学手册.pdf Python数据科学手册(从Numpy到Sklearn)
image-20230627162129784 Scientific Visualization Python Matplotlib matplotlibbook.pdf python可视化手册
image-20230627162253328 Fluent Python 流畅的python.pdf Fluent_Python.pdf 流畅的Python中英版,进阶必看
Python for Data Analysis https://wesmckinney.com/book 代码https://github.com/wesm/pydata-book 中文版在线阅读https://pyda.apachecn.org/#/ 利用Python进行数据分析

R数据科学

Figure Name Web/Book Description
image-20230627170124161 Advance R 中文版 [R语言高级程序设计 -《Advanced R》中文版(预览版).pdf](books/R语言高级程序设计 -《Advanced R》中文版(预览版).pdf) 英文版 https://adv-r.hadley.nz/ Haddly大神之作——Base R
image-20230627170303298 R for Data Science R数据科学.pdf Haddly大神之作——Tidyverse

Python地理信息处理

Figure Name Web/Book Description
image-20230627155448371 Learning Geospatial Analysis with Python Python地理空间分析指南(第2版).pdf Python地理空间分析指南(介绍GDAL Shapely Fiona等等)
Use Data for Earth and Environmental Science in Open Source Python https://www.earthdatascience.org/courses/use-data-open-source-python/ 使用Python处理开放地球空间数据
image-20230627163124602 Python气象资料处理与可视化 Python气象数据处理与可视化.pdf 代码:https://github.com/edwardlikaiyuan/QiPy 李开元等,Python气象可视化

ML入门

Figure Name Web/Book Description
机器学习算法地图 SIGAI0704-机器学习算法地图.pdf 一图流
斯坦福大学2014年机器学习课程笔记 [2014]机器学习个人笔记完整版v5.1.pdf 吴恩达笔记
统计学习方法 统计学习方法.pdf

ML深入理解

Figure Name Web/Book Description
《模式识别与机器学习》 Christopher Bishop 模式识别与机器学习PRML_Chinese_vision.pdf
《机器学习》周志华 机器学习周志华.pdf
《机器学习实战》 机器学习实战_中文双页版.pdf

DL快速入门

Figure Name Web/Book Description
image-20230626213958916 斯坦福大学-深度学习基础教程 斯坦福大学-深度学习基础教程.pdf
image-20230626214052198 吴恩达深度学习笔记 http://www.ai-start.com/dl2017/ 深度学习 吴恩达 个人笔记
MIT深度学习视频课程 https://deeplearning.mit.edu/ MIT 2019视频教程
image-20230627160451314 **大学(NTU)李宏毅教授课程 https://speech.ee.ntu.edu.tw/~hylee/index.php 台大李老师个人网站,附网课与联系
image-20230627160728507 Grokking-Deep-Learning https://github.com/iamtrask/Grokking-Deep-Learning 图解深度学习,附jupyter笔记
image-20230627160941041 Neural Networks and Deep Learning nndl-book.pdf 神经网络与深度学习-3小时.pdf 邱锡鹏 复旦大学 三小时入门神经网络与深度学习
image-20230627161158467 Stanford CS230 DL https://web.stanford.edu/class/cs230/ 吴恩达CS230深度学习课程 斯坦福

DL理论精通与代码实战

Figure Name Web/Book Description
image-20230627163520134 Deep Learning From Scratch 《深度学习入门:基于Python的理论与实现》高清中文版.pdf 鱼书,深度学习入门必备
image-20230627163721061 Pytorch深度学习实战 PyTorch深度学习实战.pdf Pytorch速查
image-20230627165142233 Deep Learning with Python 英文: Deep_Learning_with_Python.pdf 中文:[Python_深度学习.pdf](books/Python 深度学习.pdf) 深度学习四大名著之一
image-20230627165315414 Machine Learning and Deep Learning with Python, scikit-learn and TensorFlow [Python_Machine_Learning. Machine_Learning_and_Deep_Learning_with_Python_scikit-learn_and_TensorFlow.pdf](books/Python_Machine_Learning. Machine_Learning_and_Deep_Learning_with_Python_scikit-learn_and_TensorFlow.pdf) 深度学习四大名著之二
image-20230627165427320 Hands-On Machine Learning with Scikit-Learn & TensorFlow OReilly.Hands-On.Machine.Learning.with.Scikit-Learn.and.TensorFlow.2017.3.pdf 深度学习四大名著之三:动手深度学习
image-20230627165557393 Deep Learning 英文版: Deep_Learning_Yoshua_Bengio.pdf 中文版: dlbook_cn_public.pdf 深度学习四大名著之四
image-20230627165715323 Pytorch深度学习实战 中文版 《pytorch深度学习实战》中文PDF+伊莱.pdf 英文版: [Deep_Learning_With_Pytorch.pdf](books/Deep_Learning_With_Pytorch .pdf) 中英版
image-20230627165905693 Pytorch物体检测实战 深度学习之PyTorch物体检测实战.pdf 物体检测实战

NL

Figure Name Web/Book Description
image-20230627170630848 CS224N: Natural Language Processing with Deep Learning http://web.stanford.edu/class/cs224n/index.html 斯坦福自然语言处理课程
image-20230627170723922 NLP-Beginner:自然语言处理入门练习 https://github.com/FudanNLP/nlp-beginner 入门练习

ML DL小教程

神经网络模型概览

CNN

发展史

图像分类
目标检测
图像分割(语义分割、实例分割、全景分割)
轻量化卷积神经网络
人脸相关
图像超分辨率
行人重识别
图像着色
边检测
OCR&&文本检测
点云
细粒度图像分类
图像检索
  • 图像检索的十年
人群计数

教程

前馈神经网络
激活函数
反向传播算法
优化问题
卷积层
池化层
卷积神经网络
图像分类网络详解
目标检测网络详解
图像分割网络详解
注意力机制
特征融合

Action

GAN

发展史

教程

Action

RNN

发展史

教程

Action

GNN

发展史

教程

Action

三. 深度模型的优化与正则化

四. 炼丹术士那些事

调参经验

刷排行榜的小技巧

图像分类

目标检测

五. 年度总结

六. 科研相关

深度学习框架

Python3.x(先修)

Numpy(先修)

Opencv-python

Pandas

Tensorflow

MXNet

PyTorch

深度学习常用命令

Python可视化

标注工具

数据集

记笔记工具

会议期刊列表

论文写作工具

论文画图工具

论文写作教程

ResearchGos

毕业论文排版



信号处理

傅里叶变换

小波变换

实战

机器学习理论与实战

机器学习理论篇之经典算法

信息论

多层感知机(MLP)

k近邻(KNN)

k均值(K-means)

朴素贝叶斯(Naive Bayesian)

决策树(Decision Tree)

随机森林(Random Forest)

线性回归(Linear Regression)

逻辑回归(Logistic Regression)

支持向量机(SVM)

提升方法(Adaboost)

梯度提升决策树(GBDT)

EM(期望最大化)

高斯混合模型(GMM)

马尔科夫决策过程(MDP)

条件随机场(CRF, 判别式模型)

降维算法

主成分分析(PCA)

奇异值分解(SVD)

线性判别分析(LDA)

标签传播算法(Label Propagation Algorithm)    

蒙塔卡罗树搜索(MCTS)

集成(Ensemble)

t分布随机邻居嵌入(TSNE)

谱聚类(Spectral Clustering)

异常点检测

机器学习实战篇

机器学习、深度学习的一些研究方向

多任务学习(Multi-Task Learning)

零次学习(Zero Shot Learning)

小样本学习(Few-Shot Learning)

多视觉学习(Multi-View Learning)

嵌入(Embedding)

迁移学习(Transfer Learning)

域自适应(Domain Adaptation)

元学习(Meta Learning)

强化学习(Reinforcement Learning)

对比学习(Contrastive Learning)

推荐系统(Recommendation System)

论文列表

教程

实战

参考Mikoto10032

About

Machine Learning, Python, Deep Learning, Linux, Pandas, Matplotlib, Git...

License:MIT License