# blog
**Repository Path**: rtpay/blog
## Basic Information
- **Project Name**: blog
- **Description**: 个人博客,400篇
- **Primary Language**: Unknown
- **License**: MIT
- **Default Branch**: master
- **Homepage**: None
- **GVP Project**: No
## Statistics
- **Stars**: 0
- **Forks**: 4
- **Created**: 2022-04-05
- **Last Updated**: 2022-04-05
## Categories & Tags
**Categories**: Uncategorized
**Tags**: None
## README
## 0x00_读论文 (11 篇)
|文章编号|文章题目|链接|
|--|--|--|
|0|【读论文】prophet|[链接](https://www.guofei.site/2019/10/20/prophet.html)|
|1|【论文笔记】Distilling the Knowledge in a Neural Network|[链接](https://www.guofei.site/2019/11/02/distilling_knowledge.html)|
|2|【论文笔记】Deep neural networks are easily fooled|[链接](https://www.guofei.site/2019/11/03/dnn_fooled.html)|
|3|【论文笔记】How transferable are features in deep neural networks|[链接](https://www.guofei.site/2019/11/04/transferable_features.html)|
|4|【论文笔记】CNN features off-the-Shelf|[链接](https://www.guofei.site/2019/11/05/cnn_features_off_the_shelf.html)|
|5|【论文笔记】Learning and transferring mid-Level image representations CNN|[链接](https://www.guofei.site/2019/11/06/transfer_learning_dnn.html)|
|6|【论文学习】深度学习“里程碑”论文|[链接](https://www.guofei.site/2021/10/13/paper_dl_basics.html)|
|6|【论文2018】【推荐算法】Alibaba Embedding|[链接](https://www.guofei.site/2020/02/08/alibaba_embedding.html)|
|6|【读论文2016】node2vec|[链接](https://www.guofei.site/2020/02/02/node2vec.html)|
|6|【论文2014】Deep Walk|[链接](https://www.guofei.site/2020/02/01/deep_walk.html)|
|6|【论文笔记】Visualizing and understanding CNN|[链接](https://www.guofei.site/2019/11/07/transfer_learning_dnn.html)|
## 0x11_算法平台 (16 篇)
|文章编号|文章题目|链接|
|--|--|--|
|101|【Linux】常用命令|[链接](https://www.guofei.site/2018/02/04/linux.html)|
|141|【Docker】入门|[链接](https://www.guofei.site/2018/07/16/docker.html)|
|150|【SQL】SELECT专题|[链接](https://www.guofei.site/2018/03/20/sqlselect.html)|
|153|【spark, Hive, Hadoop, yarn】汇总|[链接](https://www.guofei.site/2018/03/27/spark.html)|
|154|【spark】DataFrame|[链接](https://www.guofei.site/2018/03/30/sparkdataframe.html)|
|155|【spark】sql.functions|[链接](https://www.guofei.site/2019/01/26/sparkfunctions.html)|
|159|【spark】工程实践|[链接](https://www.guofei.site/2018/11/15/sparkpractice.html)|
|162|【Hive SQL】速查|[链接](https://www.guofei.site/2018/03/01/hive2.html)|
|173|【Python-c】Python 与 C 混合编程|[链接](https://www.guofei.site/2021/11/06/python_c.html)|
|173|【PMML】Java调用Python算法模型|[链接](https://www.guofei.site/2021/09/12/pmml.html)|
|173|打包Python库|[链接](https://www.guofei.site/2019/10/05/make_module.html)|
|173|mySQL配置|[链接](https://www.guofei.site/2015/01/30/mySQL.html)|
|175|【SQL】通用语法|[链接](https://www.guofei.site/2015/02/03/SQL.html)|
|180|【python】sqlAlchemy|[链接](https://www.guofei.site/2018/03/21/sqlalchemy.html)|
|190|数据查询优化|[链接](https://www.guofei.site/2018/09/19/select_optimization.html)|
|195|详解拉链表|[链接](https://www.guofei.site/2018/11/01/data.html)|
## 0x12_Pandas与numpy (12 篇)
|文章编号|文章题目|链接|
|--|--|--|
|101|【pandas】读入与读出|[链接](https://www.guofei.site/2017/05/15/pandascleandata1.html)|
|102|【pandas】数据筛选|[链接](https://www.guofei.site/2017/10/15/pandascleandata2.html)|
|103|【pandas】去重、填充、排序、变换|[链接](https://www.guofei.site/2017/10/16/pandascleandata3.html)|
|104|【pandas】index&colums|[链接](https://www.guofei.site/2017/10/17/pandascleandata4.html)|
|105|【pandas】描述统计&简单作图|[链接](https://www.guofei.site/2017/10/18/pandascleandata5.html)|
|106|【pandas】groupby|[链接](https://www.guofei.site/2017/10/18/pandascleandata6.html)|
|107|【pandas】时间序列|[链接](https://www.guofei.site/2017/11/29/pandascleandata8.html)|
|107|【pandas】合并数据表|[链接](https://www.guofei.site/2017/07/04/pandasconcat.html)|
|120|【pandas】练习题|[链接](https://www.guofei.site/2017/10/29/pandascleandata7.html)|
|200|【Python】【numpy】ndarray|[链接](https://www.guofei.site/2017/07/05/ndarray.html)|
|1101|【Python】【numpy】linalg线性代数|[链接](https://www.guofei.site/2017/07/05/numpylinalg.html)|
|1102|【Python】【numpy】ufunc|[链接](https://www.guofei.site/2017/07/05/ufunc.html)|
## 0x13_特征工程 (4 篇)
|文章编号|文章题目|链接|
|--|--|--|
|99|【特征工程】归一化/标准化/正则化|[链接](https://www.guofei.site/2017/11/24/scale.html)|
|100|Unbalanced Data|[链接](https://www.guofei.site/2019/09/29/unbalanced_data.html)|
|100|数据清洗方法|[链接](https://www.guofei.site/2017/10/19/cleandata.html)|
|199|经典数据集|[链接](https://www.guofei.site/2017/09/04/dataset.html)|
## 0x21_有监督学习 (21 篇)
|文章编号|文章题目|链接|
|--|--|--|
|99|【sklearn】一次训练几十个模型|[链接](https://www.guofei.site/2019/10/01/all_models.html)|
|200|机器学习模型汇总|[链接](https://www.guofei.site/2017/05/22/modelpool.html)|
|201|【sklearn】模型选取+参数选择|[链接](https://www.guofei.site/2019/09/28/model_selection.html)|
|201|【模型评价】理论与实现|[链接](https://www.guofei.site/2017/05/02/ModelEvaluation.html)|
|202|【交叉验证】介绍与实现|[链接](https://www.guofei.site/2017/10/03/crossvalidation.html)|
|203|【Bagging&Boosting】理论与实现|[链接](https://www.guofei.site/2017/10/06/baggingboosting.html)|
|204|【半监督学习】理论与实现|[链接](https://www.guofei.site/2019/02/02/semi_supervised_learning.html)|
|220|【logistics】理论与实现|[链接](https://www.guofei.site/2017/05/07/LogisticRegression.html)|
|221|【Decision Tree】理论与实现|[链接](https://www.guofei.site/2017/05/22/DecisionTreeClassifier.html)|
|222|【SVM】理论与实现|[链接](https://www.guofei.site/2017/09/28/svm.html)|
|223|【Random Forest】理论与实现|[链接](https://www.guofei.site/2017/10/20/randomforest.html)|
|224|【MLP】BP神经网络实现|[链接](https://www.guofei.site/2017/10/21/mlp.html)|
|225|【KNN】理论与实现|[链接](https://www.guofei.site/2017/10/24/knn.html)|
|226|【Naive Bayes】理论与实现|[链接](https://www.guofei.site/2017/10/25/naivebayes.html)|
|230|【判别分析】理论篇|[链接](https://www.guofei.site/2017/12/03/discriminantanalysis.html)|
|280|【CRF】理论篇|[链接](https://www.guofei.site/2017/11/13/conditionalrandomfield.html)|
|280|【HMM】理论篇|[链接](https://www.guofei.site/2017/11/11/hiddenmarkov.html)|
|280|【EM算法】理论篇|[链接](https://www.guofei.site/2017/11/09/em.html)|
|280|【Probit】理论简介|[链接](https://www.guofei.site/2017/07/18/probit.html)|
|280|【Elo模型】理论篇|[链接](https://www.guofei.site/2017/04/30/Elo.html)|
|280|【dummies】虚拟变量回归|[链接](https://www.guofei.site/2016/05/04/DummyVariableRegression.html)|
## 0x22_上世纪神经网络 (10 篇)
|文章编号|文章题目|链接|
|--|--|--|
|253|RBF&GRNN|[链接](https://www.guofei.site/2017/12/09/rbf.html)|
|254|离散Hopfield|[链接](https://www.guofei.site/2017/12/10/DHNN.html)|
|255|连续Hopfield|[链接](https://www.guofei.site/2017/12/11/CHNN.html)|
|256|竞争神经网络&LVQ|[链接](https://www.guofei.site/2017/12/12/competitive.html)|
|257|SOM|[链接](https://www.guofei.site/2017/12/13/som.html)|
|260|Elman|[链接](https://www.guofei.site/2017/12/14/elman.html)|
|261|PNN|[链接](https://www.guofei.site/2017/12/15/pnn.html)|
|271|Boltzmann机|[链接](https://www.guofei.site/2018/01/05/boltzmann.html)|
|272|【ELM】极限学习机|[链接](https://www.guofei.site/2018/01/18/elm.html)|
|280|【感知机】理论简介|[链接](https://www.guofei.site/2017/10/23/perceptron.html)|
## 0x23_神经网络与TF (17 篇)
|文章编号|文章题目|链接|
|--|--|--|
|250|【DNN】Structuring DNN Projects|[链接](https://www.guofei.site/2017/04/01/DNN.html)|
|251|【DL】优化|[链接](https://www.guofei.site/2017/12/06/DL.html)|
|281|【TensorFlow1】session,变量|[链接](https://www.guofei.site/2017/12/01/tf1.html)|
|282|【TensorFlow2】运算符|[链接](https://www.guofei.site/2017/12/17/tf2.html)|
|283|【TensorFlow3】激活函数|[链接](https://www.guofei.site/2018/09/11/tf3.html)|
|284|【TensorFlow4】损失函数|[链接](https://www.guofei.site/2018/10/01/tf4.html)|
|285|【TensorFlow5】优化器|[链接](https://www.guofei.site/2018/10/20/tf5.html)|
|286|【tf.keras】笔记|[链接](https://www.guofei.site/2019/11/30/tfkeras.html)|
|286|【TensorFlow6】输入输出|[链接](https://www.guofei.site/2019/05/29/tf7.html)|
|286|【TensorFlow6】持久化|[链接](https://www.guofei.site/2018/10/29/tf6.html)|
|291|【TensorFlow案例1】回归和分类|[链接](https://www.guofei.site/2018/09/13/tfcase1.html)|
|292|【TensorFlow案例2】用tf实现svm|[链接](https://www.guofei.site/2018/11/09/tfcase2.html)|
|293|【TensorFlow案例2】KNN|[链接](https://www.guofei.site/2018/09/14/tfcase3.html)|
|331|【AutoEncoder】自编码网络|[链接](https://www.guofei.site/2018/11/02/autoencoder.html)|
|450|Practical aspects of DNN|[链接](https://www.guofei.site/2019/05/04/improving_deeplearning1_practical_aspects.html)|
|452|hyperparameters tuning|[链接](https://www.guofei.site/2019/05/11/improving_deeplearning3_hyperparameters_tuning.html)|
|453|Structuring Machine Learning Projects|[链接](https://www.guofei.site/2019/05/12/structuring_ml_projects.html)|
## 0x24_NLP (13 篇)
|文章编号|文章题目|链接|
|--|--|--|
|301|【NLP】feature提取|[链接](https://www.guofei.site/2018/09/24/nlp_feature.html)|
|305|【NLP】【Python】新词发现|[链接](https://www.guofei.site/2020/04/04/word_discovery.html)|
|311|word2vec|[链接](https://www.guofei.site/2017/12/17/word2vec.html)|
|321|【NLP】应用|[链接](https://www.guofei.site/2019/06/08/nlp_app.html)|
|321|RNN|[链接](https://www.guofei.site/2018/10/22/rnn.html)|
|331|LSTM|[链接](https://www.guofei.site/2017/12/18/lstm.html)|
|341|【NLP】基本数据结构|[链接](https://www.guofei.site/2021/10/17/nlp_data_structure.html)|
|341|【NLP】关键词提取|[链接](https://www.guofei.site/2021/10/10/nlp_term_extract.html)|
|341|【NLP】文本分类|[链接](https://www.guofei.site/2021/10/01/nlp_classify.html)|
|341|【HanLP】NER流程|[链接](https://www.guofei.site/2021/05/15/ner.html)|
|341|【NLP】NLTK|[链接](https://www.guofei.site/2021/05/02/nltk.html)|
|341|【HanLP】分词、词性标注、NER|[链接](https://www.guofei.site/2021/05/01/hanlp.html)|
|341|【NLP】LDA模型与实现|[链接](https://www.guofei.site/2020/04/11/lda.html)|
## 0x25_CV (9 篇)
|文章编号|文章题目|链接|
|--|--|--|
|261|【CNN】介绍|[链接](https://www.guofei.site/2017/12/16/cnn.html)|
|262|【CNN】实现|[链接](https://www.guofei.site/2018/09/26/cnn2.html)|
|270|【DeepDream】初学|[链接](https://www.guofei.site/2018/11/14/deepdream.html)|
|280|【CNN】face recognition|[链接](https://www.guofei.site/2019/06/01/face_recognition.html)|
|450|【CNN】Object Localization|[链接](https://www.guofei.site/2019/05/18/CNN.html)|
|1011|【OpenCV1】基本操作|[链接](https://www.guofei.site/2018/10/30/cv.html)|
|1012|【OpenCV3】直方图、频域|[链接](https://www.guofei.site/2020/06/06/cv3.html)|
|1012|【CV】数字图像处理|[链接](https://www.guofei.site/2020/04/05/digital_image_spatial.html)|
|1012|【OpenCV2】滤波器、边缘、轮廓|[链接](https://www.guofei.site/2020/03/07/cv2.html)|
## 0x26_torch (5 篇)
|文章编号|文章题目|链接|
|--|--|--|
|261|【pytorch】【进行中】基本配置|[链接](https://www.guofei.site/2019/12/07/torch_setting.html)|
|262|【pytorch】【进行中】建立模型|[链接](https://www.guofei.site/2019/12/08/torch_model.html)|
|263|【pytorch】【进行中】hub|[链接](https://www.guofei.site/2019/12/21/torch_hub.html)|
|263|【pytorch】【进行中】运算符|[链接](https://www.guofei.site/2019/12/15/torch_operators.html)|
|263|【pytorch】【进行中】data|[链接](https://www.guofei.site/2019/12/14/torch_data.html)|
## 0x31_降维 (10 篇)
|文章编号|文章题目|链接|
|--|--|--|
|320|【PCA】理论与实现|[链接](https://www.guofei.site/2017/10/12/pca.html)|
|321|【KernelPCA】理论与实现|[链接](https://www.guofei.site/2017/12/19/kernelpca.html)|
|322|【LLE】理论与实现|[链接](https://www.guofei.site/2017/12/20/lle.html)|
|322|【Isomap】理论与实现|[链接](https://www.guofei.site/2017/12/20/Isomap.html)|
|322|【FA】理论与实现|[链接](https://www.guofei.site/2017/10/13/factor.html)|
|323|【ICA】理论与实现|[链接](https://www.guofei.site/2017/11/27/ica.html)|
|325|【MDS】Python实现|[链接](https://www.guofei.site/2017/11/25/mds.html)|
|341|【特征选择】|[链接](https://www.guofei.site/2019/01/27/feature_selection.html)|
|341|【SVD】分解|[链接](https://www.guofei.site/2019/01/20/svd.html)|
|351|【有监督降维】LDA|[链接](https://www.guofei.site/2019/01/19/lda.html)|
## 0x32_聚类 (5 篇)
|文章编号|文章题目|链接|
|--|--|--|
|301|【聚类】汇总|[链接](https://www.guofei.site/2017/09/29/cluster.html)|
|302|【Kmeans】理论与实现|[链接](https://www.guofei.site/2017/06/09/kmeans.html)|
|303|【层次聚类】理论与实现|[链接](https://www.guofei.site/2017/09/30/hierachicalcluster.html)|
|304|【DBSCAN】理论与实现|[链接](https://www.guofei.site/2017/11/28/dbscan.html)|
|304|【GMM】理论与实现|[链接](https://www.guofei.site/2017/11/10/gmm.html)|
## 0x33_图模型 (9 篇)
|文章编号|文章题目|链接|
|--|--|--|
|350|【协同过滤】原理与实现|[链接](https://www.guofei.site/2020/05/02/cf.html)|
|350|【PageRank】简介|[链接](https://www.guofei.site/2019/04/27/pagerank.html)|
|350|【强化学习】简介|[链接](https://www.guofei.site/2019/02/17/reinforcement_learning.html)|
|350|【规则学习】简介|[链接](https://www.guofei.site/2019/02/16/rule_learning.html)|
|350|【networkx】图挖掘包|[链接](https://www.guofei.site/2019/02/10/networkx.html)|
|350|【图挖掘】社区检测|[链接](https://www.guofei.site/2019/02/09/community_detection.html)|
|350|【Apriori】关联规则|[链接](https://www.guofei.site/2017/11/26/apriori.html)|
|360|【CQL】总结neo4j|[链接](https://www.guofei.site/2020/11/20/neo4j.html)|
|370|【Spectral Clustering】谱聚类|[链接](https://www.guofei.site/2021/03/20/spectral_clustering.html)|
## 0x41_统计模型 (9 篇)
|文章编号|文章题目|链接|
|--|--|--|
|406|【统计推断】理论与实现|[链接](https://www.guofei.site/2017/10/27/hypothesistesting.html)|
|407|【相关分析】理论与实现|[链接](https://www.guofei.site/2017/11/21/corr.html)|
|408|【回归分析】理论与实现|[链接](https://www.guofei.site/2017/11/22/regression.html)|
|409|【statsmodels】Quantile regression|[链接](https://www.guofei.site/2019/04/07/quantile_regression.html)|
|409|【statsmodels】WLS加权最小二乘法|[链接](https://www.guofei.site/2019/03/10/statsmodels_wls.html)|
|409|【statsmodels】OLS最小二乘法|[链接](https://www.guofei.site/2019/03/03/statsmodels_ols.html)|
|409|【Kalman】卡尔曼滤波|[链接](https://www.guofei.site/2018/09/04/kalman.html)|
|409|【statsmodels】(进阶)(补全中)|[链接](https://www.guofei.site/2018/05/06/statsmodelsregression.html)|
|409|【ridge&lasso】理论与实现|[链接](https://www.guofei.site/2017/11/30/ridge.html)|
## 0x42_概率论 (7 篇)
|文章编号|文章题目|链接|
|--|--|--|
|421|常见统计分布|[链接](https://www.guofei.site/2017/05/27/distribution.html)|
|422|随机变量的数字特征|[链接](https://www.guofei.site/2019/10/02/numerical_characteristics_of_random_variables.html)|
|423|law of large numbers|[链接](https://www.guofei.site/2017/08/04/chebyshev.html)|
|424|参数估计|[链接](https://www.guofei.site/2019/10/13/parameter_estimation.html)|
|450|概率测度简介|[链接](https://www.guofei.site/2017/08/02/randomvariable.html)|
|4801|概率统计趣题|[链接](https://www.guofei.site/2019/10/12/question.html)|
|9550|信息熵|[链接](https://www.guofei.site/2017/05/23/entropy.html)|
## 0x43_时间序列 (10 篇)
|文章编号|文章题目|链接|
|--|--|--|
|430|【时间序列】总览|[链接](https://www.guofei.site/2018/01/29/timeseriesoverview.html)|
|431|【描述时序】趋势、季节和随机性|[链接](https://www.guofei.site/2017/07/06/basictimeseries.html)|
|432|【描述时序】指数平滑法|[链接](https://www.guofei.site/2017/07/08/exponentialsmoothing.html)|
|441|【统计时序1】工具|[链接](https://www.guofei.site/2018/04/19/statisticaltimeseries.html)|
|442|【统计时序2】平稳性|[链接](https://www.guofei.site/2017/12/04/timeseries.html)|
|443|【ARIMA】理论与实现|[链接](https://www.guofei.site/2017/07/10/arima.html)|
|445|【统计时序】GARCH|[链接](https://www.guofei.site/2017/07/17/arch.html)|
|446|【统计时序】Granger因果检验|[链接](https://www.guofei.site/2018/05/10/granger.html)|
|450|【统计时序】非平稳数据的处理|[链接](https://www.guofei.site/2018/04/14/timeseries2.html)|
|460|【时间序列】马尔科夫法|[链接](https://www.guofei.site/2017/07/09/markov.html)|
## 0x44_随机过程 (2 篇)
|文章编号|文章题目|链接|
|--|--|--|
|470|【随机过程】|[链接](https://www.guofei.site/2018/09/29/stochastic_process.html)|
|471|【随机过程】1|[链接](https://www.guofei.site/2019/08/03/stochastic_process1.html)|
## 0x51_代数与分析 (13 篇)
|文章编号|文章题目|链接|
|--|--|--|
|5101|【代数1】线性空间|[链接](https://www.guofei.site/2018/04/09/algebra.html)|
|5102|【代数2】线性映射|[链接](https://www.guofei.site/2018/04/13/algebra2.html)|
|5103|【代数3】多项式|[链接](https://www.guofei.site/2018/12/23/algebra3.html)|
|5111|【解析几何】|[链接](https://www.guofei.site/2018/06/07/geometry.html)|
|5121|【集合】定义、序偶、可列|[链接](https://www.guofei.site/2021/08/14/set.html)|
|5121|【Real analysis(1)】范数、测度和距离|[链接](https://www.guofei.site/2017/06/04/distance.html)|
|5122|【代数系统】群、环、域|[链接](https://www.guofei.site/2021/08/21/algebra_system.html)|
|5123|【集合】开集、度量空间勒贝格测度|[链接](https://www.guofei.site/2021/09/19/lebesgue_measure.html)|
|5123|【Real analysis(3)】Sequence in Metric Space|[链接](https://www.guofei.site/2017/07/19/sequence.html)|
|5124|【Real analysis(4)】级数,巴拿赫空间与希尔伯特空间|[链接](https://www.guofei.site/2017/07/23/seriesrealanalysis.html)|
|5125|【Real analysis(5)】连续性与拓扑|[链接](https://www.guofei.site/2017/07/30/continuitytopology.html)|
|5131|多元微积分|[链接](https://www.guofei.site/2017/10/26/multivariablecalculus.html)|
|5999|【集合】其它|[链接](https://www.guofei.site/2017/06/29/set.html)|
## 0x52_方程 (2 篇)
|文章编号|文章题目|链接|
|--|--|--|
|5201|常微分方程|[链接](https://www.guofei.site/2018/01/08/differential-equations.html)|
|5210|二阶线性偏微分方程|[链接](https://www.guofei.site/2021/07/03/mathematical_physics_method.html)|
## 0x53_复分析与积分变换 (8 篇)
|文章编号|文章题目|链接|
|--|--|--|
|92500|【Complex Analysis0】基本概念|[链接](https://www.guofei.site/2019/07/06/complexanalysis.html)|
|92501|【Complex Analysis1】极限、微分、解析|[链接](https://www.guofei.site/2019/07/07/complex_analysis1.html)|
|92502|【Complex Analysis2】Julia set|[链接](https://www.guofei.site/2019/07/13/complex_julia.html)|
|92503|【Complex Analysis3】共形映射|[链接](https://www.guofei.site/2019/07/14/complexanalysis3.html)|
|92504|【Complex Analysis4】积分|[链接](https://www.guofei.site/2019/07/20/complex_integration.html)|
|92510|【Complex Analysis5】级数、留数|[链接](https://www.guofei.site/2019/07/21/complexanalysis5.html)|
|92601|【fourier】傅里叶变换|[链接](https://www.guofei.site/2018/01/06/fourier.html)|
|92602|【积分变换】拉普拉斯变换|[链接](https://www.guofei.site/2018/06/20/laplacetransform.html)|
## 0x55_数值计算 (7 篇)
|文章编号|文章题目|链接|
|--|--|--|
|5501|【数值计算】数值逼近|[链接](https://www.guofei.site/2021/06/05/numerical_calculation_method.html)|
|5502|【数值计算】数值线性代数|[链接](https://www.guofei.site/2021/06/12/numerical_linear_algebra.html)|
|5503|【数值计算】数值常微分方程|[链接](https://www.guofei.site/2021/06/19/numerical_ode.html)|
|5510|【解方程】scipy.optimize.solve|[链接](https://www.guofei.site/2017/06/06/scipyfsolve.html)|
|5512|【数值计算】若干简介|[链接](https://www.guofei.site/2017/08/29/numericalcalculation.html)|
|5512|【插值】scipy.interpolate|[链接](https://www.guofei.site/2017/06/06/scipyinterpolate.html)|
|5512|【数值积分】scipy.integrate|[链接](https://www.guofei.site/2017/06/06/scipyintegrate.html)|
## 0x56_最优化 (11 篇)
|文章编号|文章题目|链接|
|--|--|--|
|7001|【最优化】理论篇|[链接](https://www.guofei.site/2017/06/09/optimization.html)|
|7005|【线性最优化】理论篇|[链接](https://www.guofei.site/2017/06/12/linearprogramming.html)|
|7010|【非线性无约束最优化】理论|[链接](https://www.guofei.site/2018/05/26/nonlinearprogramming.html)|
|7020|【最优化】应用场景|[链接](https://www.guofei.site/2018/05/29/applyoptimization.html)|
|7020|【整数规划】理论|[链接](https://www.guofei.site/2018/05/28/integerprogramming.html)|
|7020|【多目标最优化】理论|[链接](https://www.guofei.site/2018/05/27/mop.html)|
|7210|【约束非线性优化】拉格朗日法与KKT|[链接](https://www.guofei.site/2017/10/30/lagrangemultiplier.html)|
|7301|【最小二乘估计】scipy.optimize.leastsq|[链接](https://www.guofei.site/2017/06/06/scipyleastsq.html)|
|7310|【cvxopt】最优化库(持续更新中)|[链接](https://www.guofei.site/2019/09/21/cvxopt.html)|
|7310|【最优化】scipy.optimize.fmin|[链接](https://www.guofei.site/2017/06/06/scipyfmin.html)|
|7401|【动态最优化】变分法|[链接](https://www.guofei.site/2018/12/09/calculus_of_variations.html)|
## 0x59_应用数学 (10 篇)
|文章编号|文章题目|链接|
|--|--|--|
|5901|【离散数学1】数理逻辑|[链接](https://www.guofei.site/2021/08/07/discrete_mathematics.html)|
|5904|【离散数学3】格和布尔代数|[链接](https://www.guofei.site/2021/08/28/discrete_mathematics_4.html)|
|5921|【应用数学】博弈论|[链接](https://www.guofei.site/2021/09/25/game_theory.html)|
|7403|【排队论】基本概念|[链接](https://www.guofei.site/2018/12/16/queuing_theory.html)|
|7404|【AHP】层次分析法原理与Python实现|[链接](https://www.guofei.site/2020/01/05/ahp.html)|
|7410|【流形】基本概念|[链接](https://www.guofei.site/2018/12/31/notes.html)|
|7420|【模糊论】基本概念|[链接](https://www.guofei.site/2020/03/08/fuzzy_sets.html)|
|59003|【隐写术】入门知识大全|[链接](https://www.guofei.site/2020/11/14/blind_watermark.html)|
|95401|数学模型|[链接](https://www.guofei.site/2018/06/14/model.html)|
|98001|【逻辑学】连锁悖论、真值度、超赋值理论与认知主义|[链接](https://www.guofei.site/2017/06/29/soritesparadox.html)|
## 0x60_启发式算法 (8 篇)
|文章编号|文章题目|链接|
|--|--|--|
|601|【GA】遗传算法|[链接](https://www.guofei.site/2016/10/05/ga.html)|
|602|【PSO】粒子群算法|[链接](https://www.guofei.site/2016/12/01/PSO.html)|
|603|【ACA】蚁群算法|[链接](https://www.guofei.site/2017/05/25/ACA.html)|
|610|【IA】免疫优化算法|[链接](https://www.guofei.site/2018/05/21/ia.html)|
|615|【DE】差分进化算法|[链接](https://www.guofei.site/2019/12/01/de.html)|
|615|【AFSA】人工鱼群算法|[链接](https://www.guofei.site/2018/05/22/afsa.html)|
|650|【SA】模拟退火算法|[链接](https://www.guofei.site/2018/01/21/sa.html)|
|650|【智能算法】混合智能算法|[链接](https://www.guofei.site/2017/07/08/intalgo.html)|
## 0x70_可视化 (11 篇)
|文章编号|文章题目|链接|
|--|--|--|
|701|【plotly】多图表|[链接](https://www.guofei.site/2019/01/12/plotly2.html)|
|701|【plotly】基本图表|[链接](https://www.guofei.site/2019/01/05/plotly1.html)|
|701|【matplotlib】设置|[链接](https://www.guofei.site/2017/09/20/matplotlib.html)|
|710|【matplotlib】面向对象绘图|[链接](https://www.guofei.site/2017/09/22/matplotlib1.html)|
|721|【matplotlib】绘图方法汇总1|[链接](https://www.guofei.site/2017/09/25/matplotlib2.html)|
|722|【Python】绘图方法汇总2|[链接](https://www.guofei.site/2017/11/01/datavisualization.html)|
|726|【Matplotlib】3D视图|[链接](https://www.guofei.site/2017/12/08/matplotlib3d.html)|
|731|【matplotlib】键鼠响应事件|[链接](https://www.guofei.site/2017/09/26/matplotlib3.html)|
|741|【matplotlib】动画|[链接](https://www.guofei.site/2017/09/27/matplotlib4.html)|
|764|【pyecharts】漂亮的可视化|[链接](https://www.guofei.site/2018/05/05/pyecharts.html)|
|764|【tkinter】GUI设计|[链接](https://www.guofei.site/2018/01/28/tkinter.html)|
## 0x80_数据结构与算法 (21 篇)
|文章编号|文章题目|链接|
|--|--|--|
|500|【算法】知识体系|[链接](https://www.guofei.site/2017/05/18/algorithm0.html)|
|501|【算法】线性表|[链接](https://www.guofei.site/2018/06/30/linear_list.html)|
|502|【堆、栈、队列】Queue & Stack & heapq|[链接](https://www.guofei.site/2018/07/01/queue_stack.html)|
|503|【数据结构3】hash|[链接](https://www.guofei.site/2017/09/18/hash.html)|
|504|【树】定义、表示、最小生成树|[链接](https://www.guofei.site/2021/01/02/tree.html)|
|505|【数据结构5】Tree实现|[链接](https://www.guofei.site/2021/01/03/tree_algorithm.html)|
|507|【图论】欧拉图、汉密尔顿图|[链接](https://www.guofei.site/2021/10/23/graph2.html)|
|507|【数据结构7】Graph|[链接](https://www.guofei.site/2017/05/18/graph.html)|
|514|【算法理论6】排序算法(附Python实现)|[链接](https://www.guofei.site/2018/11/20/sort.html)|
|515|【算法理论5】递归|[链接](https://www.guofei.site/2017/08/24/recursion.html)|
|530|【最小生成树问题】Prim和Kruskal|[链接](https://www.guofei.site/2017/09/12/minimumspanningtree.html)|
|530|【概率论】趣味小题|[链接](https://www.guofei.site/2017/08/08/intresting1.html)|
|553|【Python数据结构3】Binary Search|[链接](https://www.guofei.site/2018/07/06/python_binary_search.html)|
|555|【数据结构算法】动态规划|[链接](https://www.guofei.site/2021/01/09/greedy.html)|
|555|【Python数据结构5】Binary Search Tree|[链接](https://www.guofei.site/2018/08/06/binary_search_tree.html)|
|580|【Python】【算法题集1】|[链接](https://www.guofei.site/2017/05/03/TrickPython.html)|
|590|LeetCode刷题精选篇|[链接](https://www.guofei.site/2020/09/20/lc.html)|
|590|LeetCode刷题大全|[链接](https://www.guofei.site/2020/09/19/lc.html)|
|590|【Python】【算法题集2】|[链接](https://www.guofei.site/2017/08/28/someproblems.html)|
|591|【Python】【算法题集3】|[链接](https://www.guofei.site/2018/07/05/pythonalgorithma.html)|
|821001|生成迷宫|[链接](https://www.guofei.site/2019/06/22/maze.html)|
## 0xa0_蒙特卡洛方法 (6 篇)
|文章编号|文章题目|链接|
|--|--|--|
|10001|【Mento Carlo 1】 背后的数学理论|[链接](https://www.guofei.site/2017/08/17/montecarlotheory.html)|
|10002|【Mento Carlo 2】随机数发生器|[链接](https://www.guofei.site/2017/08/18/randomgenerator.html)|
|10003|【Mento Carlo 3】给定分布生成随机数|[链接](https://www.guofei.site/2017/08/21/randomgenerator1.html)|
|10021|【Python】【scipy】Random Variable|[链接](https://www.guofei.site/2017/08/09/scipyrv.html)|
|10022|【Python】【numpy】random随机数生成|[链接](https://www.guofei.site/2017/07/05/numpyrandom.html)|
|10103|【探索】曲面上均匀随机采样|[链接](https://www.guofei.site/2019/08/16/random_surface.html)|
## 0xb0_Python语法 (19 篇)
|文章编号|文章题目|链接|
|--|--|--|
|1201|【Python】基本数据类型|[链接](https://www.guofei.site/2017/03/15/basicelement.html)|
|1202|【Python】运算符&math|[链接](https://www.guofei.site/2017/03/18/pythonoperator.html)|
|1203|【string】字符串&正则|[链接](https://www.guofei.site/2017/03/16/pythonstr.html)|
|1204|【Python】sys&os&subprocess|[链接](https://www.guofei.site/2018/06/05/sysos.html)|
|1205|【Python】copy|[链接](https://www.guofei.site/2018/08/06/copy.html)|
|1206|【Python】open打开|[链接](https://www.guofei.site/2017/03/17/pythonio.html)|
|1207|【Python】异常和错误|[链接](https://www.guofei.site/2020/05/03/python_error.html)|
|1208|【加速】multiprocessing多线程、多进程、并行、numba|[链接](https://www.guofei.site/2021/02/13/python_speedup.html)|
|1209|【Python】datetime|[链接](https://www.guofei.site/2017/10/22/pydatetime.html)|
|1211|【Python】pickle&json序列化|[链接](https://www.guofei.site/2017/10/06/pickle.html)|
|1221|【Python】collection&itertools|[链接](https://www.guofei.site/2018/07/31/collection.html)|
|1222|【Python标准库】heapq&bisect|[链接](https://www.guofei.site/2017/09/11/heapq.html)|
|1241|【Python】zip|[链接](https://www.guofei.site/2018/09/27/zip.html)|
|1242|【加密】算法和实践|[链接](https://www.guofei.site/2019/06/29/crypto.html)|
|1251|【Python】【pynput】键鼠控制|[链接](https://www.guofei.site/2018/12/29/pynput.html)|
|1252|【Python】爬虫|[链接](https://www.guofei.site/2018/05/03/crawler.html)|
|1261|【python】web|[链接](https://www.guofei.site/2021/04/17/pythonweb.html)|
|1261|【python】socket|[链接](https://www.guofei.site/2021/04/10/socket.html)|
|1301|【Python】magic黑魔法|[链接](https://www.guofei.site/2020/12/05/magic_python.html)|
## 0xd0_设计模式 (7 篇)
|文章编号|文章题目|链接|
|--|--|--|
|1001|【Python】【面向对象】继承&多态|[链接](https://www.guofei.site/2017/10/07/inheritance.html)|
|1002|【Python】【面向对象】字段&方法|[链接](https://www.guofei.site/2017/10/08/field&method.html)|
|1003|【Python】【面向对象】类的特殊成员|[链接](https://www.guofei.site/2017/10/10/specialfield.html)|
|1004|【decorator】装饰器|[链接](https://www.guofei.site/2019/10/27/decorator.html)|
|1004|【Python】设计模式|[链接](https://www.guofei.site/2019/10/26/design_patterns.html)|
|1004|【Python】【面向对象】BIF|[链接](https://www.guofei.site/2018/08/24/bif.html)|
|1040|重构|[链接](https://www.guofei.site/2021/04/03/code_refactoring.html)|