## 0x00_读论文 (8 篇)
|文章编号|文章题目|链接|
|--|--|--|
|0|【论文学习】论文目录|[链接](https://www.guofei.site/2018/08/11/papers.html)|
|1|【论文学习7篇】Understanding/Generalization/Transfer|[链接](https://www.guofei.site/2019/11/02/nn_paper_understanding.html)|
|2|【论文笔记7篇】Optimization/Training Techniques|[链接](https://www.guofei.site/2019/11/03/nn_papers_train.html)|
|4|【论文笔记】CNN|[链接](https://www.guofei.site/2019/11/05/cnn.html)|
|6|【读论文4篇】图神经网络|[链接](https://www.guofei.site/2020/02/01/gnn.html)|
|9|【论文学习】水印类算法|[链接](https://www.guofei.site/2023/11/04/watermark.html)|
|9|【论文学习】Hash 类算法|[链接](https://www.guofei.site/2023/04/02/hash.html)|
|99|【读论文】prophet|[链接](https://www.guofei.site/2019/10/20/prophet.html)|
## 0x11_算法平台 (15 篇)
|文章编号|文章题目|链接|
|--|--|--|
|101|【Linux】常用命令|[链接](https://www.guofei.site/linux.html)|
|103|【git】语法速查表|[链接](https://www.guofei.site/git.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库|[链接](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|【numpy】ndarray|[链接](https://www.guofei.site/2017/07/05/ndarray.html)|
|1101|【numpy】linalg线性代数|[链接](https://www.guofei.site/2017/07/05/numpylinalg.html)|
|1102|【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)|
## 0x23_深度学习 (7 篇)
|文章编号|文章题目|链接|
|--|--|--|
|250|【ChatGPT】提问的艺术(prompt指导)|[链接](https://www.guofei.site/2023/05/13/chatgpt.html)|
|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)|
|331|【TensorFlow】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|【DL】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 篇)
|文章编号|文章题目|链接|
|--|--|--|
||文本分词并画词云|[链接](https://www.guofei.site/2017/04/29/Corpus.html)|
|300|【NLP】任务|[链接](https://www.guofei.site/2019/06/08/nlp_tasks.html)|
|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|【Torch】word2vec|[链接](https://www.guofei.site/2022/12/24/word2vec.html)|
|321|【tensorflow】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_theme.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)|
## 0x25_CV (12 篇)
|文章编号|文章题目|链接|
|--|--|--|
|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|【OpenCV2】滤波器、边缘、轮廓|[链接](https://www.guofei.site/2020/03/07/cv2.html)|
|1013|【OpenCV3】直方图、频域|[链接](https://www.guofei.site/2020/06/06/cv3.html)|
|1014|【数字图像处理2】编码、压缩|[链接](https://www.guofei.site/2024/06/01/digital_image_spatial2.html)|
|1014|【OpenCV4】二维码识别|[链接](https://www.guofei.site/2022/11/05/cv4.html)|
|1014|【CV】数字图像处理|[链接](https://www.guofei.site/2020/04/05/digital_image_spatial.html)|
|1015|【OpenCV5】人脸识别|[链接](https://www.guofei.site/2022/11/19/cv5.html)|
## 0x26_torch (11 篇)
|文章编号|文章题目|链接|
|--|--|--|
|261|【pytorch】【进行中】基本配置|[链接](https://www.guofei.site/2019/12/07/torch_setting.html)|
|262|【pytorch】基本语法|[链接](https://www.guofei.site/2019/12/08/torch_operators.html)|
|263|【pytorch】data|[链接](https://www.guofei.site/2019/12/15/torch_data.html)|
|264|【pytorch】建立模型|[链接](https://www.guofei.site/2019/12/14/torch_model.html)|
|265|【pytorch】hub|[链接](https://www.guofei.site/2019/12/21/torch_hub.html)|
|271|【pytorch】CNN和图像类算法|[链接](https://www.guofei.site/2022/06/05/torch_cnn.html)|
|272|【pytorch】RNN和TextCNN|[链接](https://www.guofei.site/2022/06/14/torch_rnn.html)|
|273|【pytorch】GAN|[链接](https://www.guofei.site/2022/06/18/gan.html)|
|274|【pytorch】BERT|[链接](https://www.guofei.site/2022/10/23/bert.html)|
|274|【pytorch】OCR|[链接](https://www.guofei.site/2022/10/22/ocr.html)|
|275|Diffusion Model|[链接](https://www.guofei.site/2023/12/02/diffusion.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|【推荐算法】【协同过滤】原理与纯SQL实现|[链接](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_代数与分析 (15 篇)
|文章编号|文章题目|链接|
|--|--|--|
|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)|
|5104|【代数4】矩阵|[链接](https://www.guofei.site/2022/02/05/algebra4.html)|
|5105|【代数5】群、环、域|[链接](https://www.guofei.site/2021/08/21/algebra_system.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)|
|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/2024/02/11/analysis_exercise.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)|
## 0x58_密码学 (12 篇)
|文章编号|文章题目|链接|
|--|--|--|
||【改进】blind_watermark|[链接](https://www.guofei.site/2023/04/22/bwm_enhance.html)|
||【PyLSHash】Locality Sensitive Hashing 局部敏感哈希|[链接](https://www.guofei.site/2023/04/01/pylshash.html)|
||文本盲水印|[链接](https://www.guofei.site/2019/04/28/text_watermark.html)|
||blind_watermark|[链接](https://www.guofei.site/2019/04/21/bw_zh.html)|
||【en】blind_watermark|[链接](https://www.guofei.site/2019/04/14/bw_en.html)|
|1242|【加密】算法和实践|[链接](https://www.guofei.site/2019/06/29/crypto.html)|
|59003|【zip】文件结构|[链接](https://www.guofei.site/2024/02/10/zip.html)|
|59003|【纠错码】理论和Rust实现|[链接](https://www.guofei.site/2024/01/21/reed_solomon2.html)|
|59003|【擦除码】理论和实现|[链接](https://www.guofei.site/2024/01/20/reed_solomon.html)|
|59003|信息嵌入技术【2】|[链接](https://www.guofei.site/2023/08/26/hide_info.html)|
|59003|【进行中】密码学相关知识|[链接](https://www.guofei.site/2023/06/01/code.html)|
|59003|【信息隐藏技术】隐写术、盲水印知识体系|[链接](https://www.guofei.site/2020/11/14/blind_watermark.html)|
## 0x59_应用数学 (9 篇)
|文章编号|文章题目|链接|
|--|--|--|
|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)|
|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_可视化 (13 篇)
|文章编号|文章题目|链接|
|--|--|--|
|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|【svg】SVG基础知识、Pygal|[链接](https://www.guofei.site/2022/07/16/svg.html)|
|722|【seaborn】绘图方法汇总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)|
|861|【reveal.js】ppt|[链接](https://www.guofei.site/2023/08/19/slides.html)|
## 0x80_数据结构与算法 (17 篇)
|文章编号|文章题目|链接|
|--|--|--|
|500|【数据结构0】知识体系|[链接](https://www.guofei.site/2017/05/18/algorithm0.html)|
|511|【数据结构1】线性表|[链接](https://www.guofei.site/2018/06/30/linear_list.html)|
|521|【数据结构2】Queue、Stack、heapq|[链接](https://www.guofei.site/2018/07/01/queue_stack.html)|
|531|【数据结构3】hash|[链接](https://www.guofei.site/2017/09/18/hash.html)|
|541|【数据结构4】递归|[链接](https://www.guofei.site/2017/08/24/recursion.html)|
|551|【数据结构5】搜索|[链接](https://www.guofei.site/2018/07/06/search.html)|
|561|【数据结构6】排序(Python)|[链接](https://www.guofei.site/2018/11/20/sort.html)|
|571|【数据结构7】树理论篇、最小生成树|[链接](https://www.guofei.site/2021/01/02/tree.html)|
|572|【数据结构7】【Python】Tree|[链接](https://www.guofei.site/2021/01/03/tree_algorithm.html)|
|572|【最小生成树】Prim和Kruskal|[链接](https://www.guofei.site/2017/09/12/minimumspanningtree.html)|
|581|【图论】欧拉图、汉密尔顿图|[链接](https://www.guofei.site/2021/10/23/graph2.html)|
|582|【数据结构8】Graph|[链接](https://www.guofei.site/2017/05/18/graph.html)|
|591|ACDoubleArrayTrie|[链接](https://www.guofei.site/2023/02/04/ac.html)|
|591|【数据结构9】动态规划|[链接](https://www.guofei.site/2021/01/09/greedy.html)|
|593|【文章集合】刷题|[链接](https://www.guofei.site/2017/02/11/problem.html)|
|599|【概率论】趣味小题|[链接](https://www.guofei.site/2017/08/08/intresting1.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语法 (18 篇)
|文章编号|文章题目|链接|
|--|--|--|
|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,exec,eval|[链接](https://www.guofei.site/2018/06/05/sysos.html)|
|1205|【Python】copy|[链接](https://www.guofei.site/2018/08/06/copy.html)|
|1206|【Python】open&zip&print|[链接](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&bisect|[链接](https://www.guofei.site/2018/07/31/collection.html)|
|1251|【Python】【pynput】键鼠控制|[链接](https://www.guofei.site/2018/12/29/pynput.html)|
|1252|【Python】requests、bs爬虫|[链接](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)|
|1265|【python】redis/ES/dbm|[链接](https://www.guofei.site/2022/07/09/redis.html)|
|1269|【纠错码】BCH|[链接](https://www.guofei.site/2023/10/15/bch.html)|
|1269|【numpy-financial】金融计算模块|[链接](https://www.guofei.site/2023/10/01/numpy_financial.html)|
## 0xd0_设计模式 (6 篇)
|文章编号|文章题目|链接|
|--|--|--|
|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)|
|1040|重构|[链接](https://www.guofei.site/2021/04/03/code_refactoring.html)|