摘要:
PaddleHub https://github.com/PaddlePaddle/PaddleHub 令人惊叹的已训练好的模型工具库, 基于Paddle。 Awesome pre-trained models toolkit based on PaddlePaddle.(260+ models i
阅读全文
posted @ 2021-03-10 14:29
lightsong
阅读(2988)
推荐(0)
摘要:
OpenCV Course - Full Tutorial with Python https://www.youtube.com/watch?v=oXlwWbU8l2o 油管上有视频课程, 为 freeCodeCamp.org出品。 国内B站上也有同步视频。 由浅入深介绍了 基础 进阶 和 人脸识
阅读全文
posted @ 2021-03-09 16:10
lightsong
阅读(181)
推荐(0)
摘要:
背景 从图片中提取文字或者数字子图,是图像处理的必备能力。 虽然tesseract可以支持从图片中一次性提取所有的信息, 但是此处为了学习的目的,让我们进行一次图像预处理的深度旅行。 参考: http://icodeit.org/2013/01/basic-digits-recognization/
阅读全文
posted @ 2021-03-09 15:59
lightsong
阅读(139)
推荐(0)
摘要:
tesseract https://github.com/tesseract-ocr/tesseract 此包包含一个OCR引擎 libtesseract 和 命令行程序 tesseract 版本4添加了一个基于OCR引擎的神经网络。 支持多余100多种语言,开箱即用 支持多种输出格式, 普通文本,
阅读全文
posted @ 2021-03-08 12:39
lightsong
阅读(241)
推荐(0)
摘要:
Caer https://github.com/jasmcaus/caer/ 流形的现代计算机视觉库 Caer是一个轻量、高性能视觉库,为了高性能AI研究设计。 此框架简化了计算机视觉的使用方法,通过抽象掉非必要的模板代码,并给使用者以灵活性,快速建立深度学习原型,和研究的想法。 最终的结果是建立一
阅读全文
posted @ 2021-03-05 10:56
lightsong
阅读(364)
推荐(0)
摘要:
背景 https://www.cnblogs.com/lightsong/p/14469252.html 如上博客对应进展是, 集成hub数据,基于MNIST数据构建手写数字识别模型, 得到逻辑回归模型的预测准确度。 如上模型,仅仅是训练出来,但是如何应用此模型进行预测, 还需要引入工具,对任意手写
阅读全文
posted @ 2021-03-04 16:42
lightsong
阅读(155)
推荐(0)
摘要:
What is WSGI (Web Server Gateway Interface)? https://medium.com/analytics-vidhya/what-is-wsgi-web-server-gateway-interface-ed2d290449e PYTHON领域的 Web服务
阅读全文
posted @ 2021-03-03 16:14
lightsong
阅读(340)
推荐(0)
摘要:
one sklearn mnist example https://scikit-learn.org/stable/auto_examples/linear_model/plot_sparse_logistic_regression_mnist.html 如下例子,使用逻辑回归,基于mnist数据构
阅读全文
posted @ 2021-03-02 15:36
lightsong
阅读(159)
推荐(0)
摘要:
Hub https://www.activeloop.ai/ 此工具的首页的也介绍,也是它的愿景: 训练模型,不用背数据所累。 ML领域现在的问题是, 数据准备花费太多的资源, 对于异构数据的处理,特别是个问题。 Train ML models, don't mess with data Fast
阅读全文
posted @ 2021-03-01 16:54
lightsong
阅读(819)
推荐(0)
摘要:
Ensemble methods https://scikit-learn.org/stable/modules/ensemble.html 集成方法是组合几个基模型的预测,来改善单一模型的泛化性和 健壮性。 通常有两种集成方法: (1)平均方法, 指导思想是, 独立训练介个模型, 平均化他们的预测
阅读全文
posted @ 2021-02-23 11:49
lightsong
阅读(378)
推荐(0)
摘要:
Linear Models https://scikit-learn.org/stable/modules/linear_model.html# 线性模型,目标是特征的线性组合。有系数和偏置值。 Ordinary Least Squares 普通的最小均方差方法构造出来的模型, 就是 线性回归模型。
阅读全文
posted @ 2021-02-10 16:40
lightsong
阅读(244)
推荐(0)
摘要:
Configuration functions https://docs.python.org/3/library/logging.config.html#module-logging.config 三种配置加载方式, (1)加载配置单额词典变量 (2)加载配置文件 (3)从监听端口中读取配置,并生
阅读全文
posted @ 2021-02-10 11:05
lightsong
阅读(130)
推荐(0)
摘要:
Neural network models (supervised) https://scikit-learn.org/stable/modules/neural_networks_supervised.html# sklearn实现的神经网络不支持大规模机器学习应用。 因为其没有GPU支持。 Wa
阅读全文
posted @ 2021-02-09 14:39
lightsong
阅读(381)
推荐(0)
摘要:
Stochastic Gradient Descent https://scikit-learn.org/stable/modules/sgd.html# 随机梯度下降是一种简单且非常高效的方法, 来拟合线性分类器和回归器, 使用凸随时函数, 例如 支持向量 和 逻辑回归。 即使SGD出现在机器学习
阅读全文
posted @ 2021-02-08 15:42
lightsong
阅读(389)
推荐(0)
摘要:
Support Vector Machines https://scikit-learn.org/stable/modules/svm.html# 支持向量是监督学习方法的集合, 可以用于 分类 回归 和 异常检测。 优点: 在高维空间非常有效 仍然有效,当样本数目小于特征维度数目 不同于KNN,
阅读全文
posted @ 2021-02-05 15:03
lightsong
阅读(277)
推荐(0)
摘要:
Decision Trees https://scikit-learn.org/stable/modules/tree.html 决策树是一种非参数的监督性学习算法, 其跟KNN类似,不依赖参数性模型。 可以用于分类和回归。 从特征中学习出决策规则。 Decision Trees (DTs) are
阅读全文
posted @ 2021-02-04 16:06
lightsong
阅读(242)
推荐(0)
摘要:
Feature selection https://scikit-learn.org/stable/modules/feature_selection.html 特征选择工具可以用于选择信息量大的特征,或者消减数据的维度, 以提高模型的精度, 或者提升模型在高维数据上的性能。 The classes
阅读全文
posted @ 2021-02-03 15:49
lightsong
阅读(217)
推荐(0)
摘要:
Nearest Neighbors https://scikit-learn.org/stable/modules/neighbors.html#nearest-neighbors-classification sklearn.neighbors 提供了基于邻居的无监督和监督的学习方法。 无监督的最
阅读全文
posted @ 2021-02-02 15:23
lightsong
阅读(499)
推荐(0)
摘要:
Visualizations https://scikit-learn.org/stable/visualizations.html 提供了分析机器学习性能的可视化工具。 Scikit-learn defines a simple API for creating visualizations fo
阅读全文
posted @ 2021-02-01 16:37
lightsong
阅读(497)
推荐(0)
摘要:
Computing with scikit-learn https://scikit-learn.org/stable/computing.html 此章讲解使用sklearn涉及到的计算性能相关问题。 Strategies to scale computationally: bigger data
阅读全文
posted @ 2021-01-30 18:46
lightsong
阅读(221)
推荐(0)
摘要:
Model persistence https://scikit-learn.org/stable/modules/model_persistence.html 模型训练完毕后,如何保存起来,以便日后使用呢?这就是模型持久化。 After training a scikit-learn model,
阅读全文
posted @ 2021-01-29 14:35
lightsong
阅读(217)
推荐(0)
摘要:
Unsupervised dimensionality reduction https://scikit-learn.org/stable/modules/unsupervised_reduction.html 无监督学习领域的 维度约减 , 应对特征数目非常高的情况。 在监督学习步骤之前, 进行无
阅读全文
posted @ 2021-01-28 17:11
lightsong
阅读(205)
推荐(0)
摘要:
Preprocessing data https://scikit-learn.org/stable/modules/preprocessing.html 数据预处理提供工具函数和变换器类, 将转换特征向量成为更加适合下游模型的数据表示。 一般学习算法都会从数据标准化中受益。 如果异常值存在于数据中
阅读全文
posted @ 2021-01-26 16:52
lightsong
阅读(342)
推荐(0)
摘要:
Semi-supervised Classification on a Text Dataset https://scikit-learn.org/stable/auto_examples/semi_supervised/plot_semi_supervised_newsgroups.html#sp
阅读全文
posted @ 2021-01-24 12:16
lightsong
阅读(416)
推荐(0)
摘要:
Topic extraction with Non-negative Matrix Factorization and Latent Dirichlet Allocation https://scikit-learn.org/stable/auto_examples/applications/plo
阅读全文
posted @ 2021-01-23 00:41
lightsong
阅读(172)
推荐(0)
摘要:
Classification of text documents using sparse features https://scikit-learn.org/stable/auto_examples/text/plot_document_classification_20newsgroups.ht
阅读全文
posted @ 2021-01-22 12:56
lightsong
阅读(247)
推荐(0)
摘要:
Sample pipeline for text feature extraction and evaluation https://scikit-learn.org/stable/auto_examples/model_selection/grid_search_text_feature_extr
阅读全文
posted @ 2021-01-21 17:01
lightsong
阅读(143)
推荐(0)
摘要:
Clustering text documents using k-means https://scikit-learn.org/stable/auto_examples/text/plot_document_clustering.html#sphx-glr-auto-examples-text-p
阅读全文
posted @ 2021-01-21 16:56
lightsong
阅读(189)
推荐(0)
摘要:
Feature extraction https://scikit-learn.org/stable/modules/feature_extraction.html 从文本或图片的数据集中提取出机器学习支持的数据格式。 The sklearn.feature_extraction module ca
阅读全文
posted @ 2021-01-21 16:46
lightsong
阅读(180)
推荐(0)
摘要:
Column Transformer with Heterogeneous Data Sources https://scikit-learn.org/stable/auto_examples/compose/plot_column_transformer.html#sphx-glr-auto-ex
阅读全文
posted @ 2021-01-19 14:48
lightsong
阅读(204)
推荐(0)
摘要:
Column Transformer with Mixed Types https://scikit-learn.org/stable/auto_examples/compose/plot_column_transformer_mixed_types.html#sphx-glr-auto-examp
阅读全文
posted @ 2021-01-19 12:54
lightsong
阅读(239)
推荐(0)
摘要:
Pipelines and composite estimators https://scikit-learn.org/stable/modules/compose.html 转换器通常跟分类器、回归器、其它的估计器组合使用,构建一个组合的估计器。(可以理解为 组合模型) 这就叫流水线技术Pipel
阅读全文
posted @ 2021-01-18 16:27
lightsong
阅读(251)
推荐(0)
摘要:
Strategies to scale computationally: bigger data https://scikit-learn.org/stable/computing/scaling_strategies.html 针对海量样本 和 计算速度的要求, 对于传统的方法(数据加载内存 -
阅读全文
posted @ 2021-01-15 16:43
lightsong
阅读(450)
推荐(0)
摘要:
Working With Text Data https://scikit-learn.org/stable/tutorial/text_analytics/working_with_text_data.html#working-with-text-data 分析文本文档,关于20个不同主题。 包括
阅读全文
posted @ 2021-01-14 17:09
lightsong
阅读(228)
推荐(0)
摘要:
sphinx usages https://brendanhasz.github.io/2019/01/05/sphinx.html#file-hierarchy sphinx可以从python文档中自动提取docstring生成文档。 docstring包括函数和类的注释。 理解: sphinx在
阅读全文
posted @ 2021-01-12 16:54
lightsong
阅读(180)
推荐(0)
摘要:
Manifold learning https://scikit-learn.org/stable/modules/manifold.html#locally-linear-embedding 流形学习是一种非线性降维方法,算法是基于一种想法,很多数据集的高纬度是人为制造的高,并不是真的高。 PCA
阅读全文
posted @ 2021-01-12 12:41
lightsong
阅读(177)
推荐(0)
摘要:
Visualizing the stock market structure https://scikit-learn.org/stable/auto_examples/applications/plot_stock_market.html#stock-market 此例使用了集中非监督学习技术,
阅读全文
posted @ 2021-01-11 17:01
lightsong
阅读(311)
推荐(0)
摘要:
Covariance estimation https://scikit-learn.org/stable/modules/covariance.html# 协方差矩阵可以看成是 数据集分散布局的估计。 理解: 在矩阵中, 高相关系数越多, 则数据集分布越集中, 反之越分散。 例如各个特征之间 的相
阅读全文
posted @ 2021-01-07 16:57
lightsong
阅读(314)
推荐(0)
摘要:
Arithmetic Mean(算数均值) 均值关注整体的一个平均水平。 https://www.investopedia.com/terms/a/arithmeticmean.asp What Is the Arithmetic Mean? The arithmetic mean is the s
阅读全文
posted @ 2021-01-06 17:29
lightsong
阅读(619)
推荐(0)
摘要:
Pipelining https://scikit-learn.org/stable/tutorial/statistical_inference/putting_together.html#pipelining 有的模型用于转换数据, 有的模型用于预测数据。 可以将这两种模型组合起来, 这就是流水
阅读全文
posted @ 2021-01-04 00:19
lightsong
阅读(131)
推荐(0)