摘要:
卷积 https://developers.google.com/machine-learning/glossary/#convolutional_layer 卷积混合了 卷积核 和 输入矩阵, 用来训练权重。 机器学习中的卷积,包括了 卷积运算和 卷积层。 区别于全连接层,是减少权重参数的一种方法
阅读全文
posted @ 2021-04-15 13:04
lightsong
阅读(188)
推荐(0)
摘要:
from https://ml-cheatsheet.readthedocs.io/en/latest/gradient_descent.html#step-by-step Gradient Descent Gradient descent is an optimization algorithm
阅读全文
posted @ 2021-04-11 10:39
lightsong
阅读(264)
推荐(0)
摘要:
from https://towardsdatascience.com/optimizers-for-training-neural-network-59450d71caf6 Many people may be using optimizers while training the neural
阅读全文
posted @ 2021-04-11 10:15
lightsong
阅读(78)
推荐(0)
摘要:
workflow 本地生成git commit 以drafts身份推送到 gerrit库中, 命令: git push origin HEAD:refs/drafts/master gerrit自动触发 verifyCI 流程 VerifyCI 通过,获得verified+1分值, 进入走查环节,
阅读全文
posted @ 2021-04-09 16:07
lightsong
阅读(671)
推荐(0)
摘要:
背景 job支持跨环境部署和迁移。 不能将job配置到一个固定的Jenkins系统中。 有两种方式支持脚本化管理配置。 Jenkinsfile https://www.jenkins.io/doc/book/pipeline/getting-started/ As mentioned previou
阅读全文
posted @ 2021-04-09 15:43
lightsong
阅读(651)
推荐(0)
摘要:
父JOB调用子JOB 父job出发子job,总要带一些参数过去。 https://www.jenkins.io/doc/pipeline/steps/pipeline-build-step/#build-build-a-job build: Build a job Triggers a new bu
阅读全文
posted @ 2021-04-07 16:46
lightsong
阅读(2404)
推荐(0)
摘要:
说明 接着上篇,实现拍摄统计功能。 https://www.cnblogs.com/lightsong/p/14592798.html 功能明细: 实时展示摄像头内容 实时统计 统计结果在展示视频中显示 技术依赖 上篇是基于linux环境, 由于需要添加实时展示功能,需要切换到windows。 OC
阅读全文
posted @ 2021-03-30 14:45
lightsong
阅读(114)
推荐(0)
摘要:
目的 作文字数统计。 技术依赖 https://aistudio.baidu.com/aistudio/projectdetail/1725688?forkThirdPart=1 光学字符识别(Optical Character Recognition, OCR)是指对文本材料的图像文件进行分析识别
阅读全文
posted @ 2021-03-29 16:00
lightsong
阅读(172)
推荐(0)
摘要:
git push https://git-scm.com/docs/git-push 使用本地的refs去更新远程的refs。 当<repository>参数没有指定, 则默认为 branch.*.remote 配置值, 如果没有这个配置,则默认为origin Updates remote refs
阅读全文
posted @ 2021-03-28 23:39
lightsong
阅读(728)
推荐(0)
摘要:
背景 对于手写字体图片,检查手写于标准的相似度。 有三个要点: 首先度量指标是相似度 其次是图像的相似度 再次是手写字体图像的相似度 相似度度量 https://towardsdatascience.com/calculate-similarity-the-most-relevant-metrics
阅读全文
posted @ 2021-03-23 16:40
lightsong
阅读(609)
推荐(0)
摘要:
背景 以图片的形式成成验证码,防止工具类软件自动化暴力破解的攻击。 需要按照不同字体,生成图片,同时还可能添加干扰项: 平移 旋转 添加干扰背景 字形扭曲 或者其他场景,生成不同字体的标准字帖,提供临摹。 参考代码 https://github.com/atlantistin/Blogs/tree/
阅读全文
posted @ 2021-03-17 15:47
lightsong
阅读(227)
推荐(0)
摘要:
Keras https://keras.io/ Simple. Flexible. Powerful. Deep learning for humans. Keras is an API designed for human beings, not machines. Keras follows b
阅读全文
posted @ 2021-03-15 17:01
lightsong
阅读(261)
推荐(0)
摘要:
背景 https://aistudio.baidu.com/aistudio/projectdetail/377462 对于此案例实现的视频换背景功能感兴趣,所以细细研究其实现原理。 本示例用DeepLabv3+模型完成一键抠图。在最新作中,作者通过encoder-decoder进行多尺度信息的融合
阅读全文
posted @ 2021-03-15 15:45
lightsong
阅读(136)
推荐(0)
摘要:
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
阅读(2928)
推荐(0)
摘要:
OpenCV Course - Full Tutorial with Python https://www.youtube.com/watch?v=oXlwWbU8l2o 油管上有视频课程, 为 freeCodeCamp.org出品。 国内B站上也有同步视频。 由浅入深介绍了 基础 进阶 和 人脸识
阅读全文
posted @ 2021-03-09 16:10
lightsong
阅读(137)
推荐(0)
摘要:
背景 从图片中提取文字或者数字子图,是图像处理的必备能力。 虽然tesseract可以支持从图片中一次性提取所有的信息, 但是此处为了学习的目的,让我们进行一次图像预处理的深度旅行。 参考: http://icodeit.org/2013/01/basic-digits-recognization/
阅读全文
posted @ 2021-03-09 15:59
lightsong
阅读(117)
推荐(0)
摘要:
tesseract https://github.com/tesseract-ocr/tesseract 此包包含一个OCR引擎 libtesseract 和 命令行程序 tesseract 版本4添加了一个基于OCR引擎的神经网络。 支持多余100多种语言,开箱即用 支持多种输出格式, 普通文本,
阅读全文
posted @ 2021-03-08 12:39
lightsong
阅读(186)
推荐(0)
摘要:
Caer https://github.com/jasmcaus/caer/ 流形的现代计算机视觉库 Caer是一个轻量、高性能视觉库,为了高性能AI研究设计。 此框架简化了计算机视觉的使用方法,通过抽象掉非必要的模板代码,并给使用者以灵活性,快速建立深度学习原型,和研究的想法。 最终的结果是建立一
阅读全文
posted @ 2021-03-05 10:56
lightsong
阅读(349)
推荐(0)
摘要:
背景 https://www.cnblogs.com/lightsong/p/14469252.html 如上博客对应进展是, 集成hub数据,基于MNIST数据构建手写数字识别模型, 得到逻辑回归模型的预测准确度。 如上模型,仅仅是训练出来,但是如何应用此模型进行预测, 还需要引入工具,对任意手写
阅读全文
posted @ 2021-03-04 16:42
lightsong
阅读(131)
推荐(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
阅读(305)
推荐(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
阅读(141)
推荐(0)
摘要:
Hub https://www.activeloop.ai/ 此工具的首页的也介绍,也是它的愿景: 训练模型,不用背数据所累。 ML领域现在的问题是, 数据准备花费太多的资源, 对于异构数据的处理,特别是个问题。 Train ML models, don't mess with data Fast
阅读全文
posted @ 2021-03-01 16:54
lightsong
阅读(775)
推荐(0)
摘要:
Ensemble methods https://scikit-learn.org/stable/modules/ensemble.html 集成方法是组合几个基模型的预测,来改善单一模型的泛化性和 健壮性。 通常有两种集成方法: (1)平均方法, 指导思想是, 独立训练介个模型, 平均化他们的预测
阅读全文
posted @ 2021-02-23 11:49
lightsong
阅读(347)
推荐(0)
摘要:
Linear Models https://scikit-learn.org/stable/modules/linear_model.html# 线性模型,目标是特征的线性组合。有系数和偏置值。 Ordinary Least Squares 普通的最小均方差方法构造出来的模型, 就是 线性回归模型。
阅读全文
posted @ 2021-02-10 16:40
lightsong
阅读(210)
推荐(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
阅读(111)
推荐(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
阅读(335)
推荐(0)
摘要:
Stochastic Gradient Descent https://scikit-learn.org/stable/modules/sgd.html# 随机梯度下降是一种简单且非常高效的方法, 来拟合线性分类器和回归器, 使用凸随时函数, 例如 支持向量 和 逻辑回归。 即使SGD出现在机器学习
阅读全文
posted @ 2021-02-08 15:42
lightsong
阅读(306)
推荐(0)
摘要:
Support Vector Machines https://scikit-learn.org/stable/modules/svm.html# 支持向量是监督学习方法的集合, 可以用于 分类 回归 和 异常检测。 优点: 在高维空间非常有效 仍然有效,当样本数目小于特征维度数目 不同于KNN,
阅读全文
posted @ 2021-02-05 15:03
lightsong
阅读(232)
推荐(0)
摘要:
Decision Trees https://scikit-learn.org/stable/modules/tree.html 决策树是一种非参数的监督性学习算法, 其跟KNN类似,不依赖参数性模型。 可以用于分类和回归。 从特征中学习出决策规则。 Decision Trees (DTs) are
阅读全文
posted @ 2021-02-04 16:06
lightsong
阅读(207)
推荐(0)
摘要:
Feature selection https://scikit-learn.org/stable/modules/feature_selection.html 特征选择工具可以用于选择信息量大的特征,或者消减数据的维度, 以提高模型的精度, 或者提升模型在高维数据上的性能。 The classes
阅读全文
posted @ 2021-02-03 15:49
lightsong
阅读(187)
推荐(0)
摘要:
Nearest Neighbors https://scikit-learn.org/stable/modules/neighbors.html#nearest-neighbors-classification sklearn.neighbors 提供了基于邻居的无监督和监督的学习方法。 无监督的最
阅读全文
posted @ 2021-02-02 15:23
lightsong
阅读(444)
推荐(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
阅读(465)
推荐(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
阅读(188)
推荐(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
阅读(194)
推荐(0)
摘要:
Unsupervised dimensionality reduction https://scikit-learn.org/stable/modules/unsupervised_reduction.html 无监督学习领域的 维度约减 , 应对特征数目非常高的情况。 在监督学习步骤之前, 进行无
阅读全文
posted @ 2021-01-28 17:11
lightsong
阅读(176)
推荐(0)
摘要:
Preprocessing data https://scikit-learn.org/stable/modules/preprocessing.html 数据预处理提供工具函数和变换器类, 将转换特征向量成为更加适合下游模型的数据表示。 一般学习算法都会从数据标准化中受益。 如果异常值存在于数据中
阅读全文
posted @ 2021-01-26 16:52
lightsong
阅读(293)
推荐(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
阅读(392)
推荐(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
阅读(152)
推荐(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
阅读(231)
推荐(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
阅读(135)
推荐(0)