René's URL Explorer Experiment


Title: Python半监督算法概览 · Issue #15 · aialgorithm/Blog · GitHub

Open Graph Title: Python半监督算法概览 · Issue #15 · aialgorithm/Blog

X Title: Python半监督算法概览 · Issue #15 · aialgorithm/Blog

Description: 前言 前阶段时间梳理了机器学习开发实战的系列文章: 1、Python机器学习入门指南(全) 2、Python数据分析指南(全) 3、一文归纳Ai数据增强之法 4、一文归纳Python特征生成方法(全) 5、Python特征选择(全) 6、一文归纳Ai调参炼丹之法 现阶段写作计划会对各类机器学习算法做一系列的原理概述及实践,主要包括无监督聚类、异常检测、半监督算法、强化学习、集成学习等。 一、机器学习简介 机器学习按照数据的标签情况可以细分为:监督学习,无监督学习,半监督...

Open Graph Description: 前言 前阶段时间梳理了机器学习开发实战的系列文章: 1、Python机器学习入门指南(全) 2、Python数据分析指南(全) 3、一文归纳Ai数据增强之法 4、一文归纳Python特征生成方法(全) 5、Python特征选择(全) 6、一文归纳Ai调参炼丹之法 现阶段写作计划会对各类机器学习算法做一系列的原理概述及实践,主要包括无监督聚类、异常检测、半监督算法、强化学习、集成学习等。 一、...

X Description: 前言 前阶段时间梳理了机器学习开发实战的系列文章: 1、Python机器学习入门指南(全) 2、Python数据分析指南(全) 3、一文归纳Ai数据增强之法 4、一文归纳Python特征生成方法(全) 5、Python特征选择(全) 6、一文归纳Ai调参炼丹之法 现阶段写作计划会对各类机器学习算法做一系列的原理概述及实践,主要包括无监督聚类、异常检测、半监督算法、强化学习、集成学习等。 一、...

Opengraph URL: https://github.com/aialgorithm/Blog/issues/15

X: @github

direct link

Domain: github.com


Hey, it has json ld scripts:
{"@context":"https://schema.org","@type":"DiscussionForumPosting","headline":"Python半监督算法概览","articleBody":"# 前言\r\n前阶段时间梳理了机器学习开发实战的系列文章:\r\n[1、Python机器学习入门指南(全)](https://mp.weixin.qq.com/s?__biz=MzI4MDE1NjExMQ==\u0026mid=2247484023\u0026idx=1\u0026sn=12cc9ed0326104e367d4f5be1d6b9894\u0026scene=19#wechat_redirect)\r\n[2、Python数据分析指南(全)](https://mp.weixin.qq.com/s/v3pZnoNsCfIo99UmZQRgUA)\r\n[3、一文归纳Ai数据增强之法](https://mp.weixin.qq.com/s/lnE0OFqhoK-IAf9LRcM5Fw)\r\n[4、一文归纳Python特征生成方法(全)](https://mp.weixin.qq.com/s/MkXOE1VrZz2IWBvvHC06bA)\r\n[5、Python特征选择(全)](https://mp.weixin.qq.com/s/YWqaza96XsNehkJCN-lWMg)\r\n[6、一文归纳Ai调参炼丹之法](https://mp.weixin.qq.com/s/f4-f6CDTMn5o1MHqTQ6TXw)\r\n\r\n现阶段写作计划会对各类机器学习算法做一系列的原理概述及实践,主要包括无监督聚类、异常检测、半监督算法、强化学习、集成学习等。\r\n\r\n# 一、机器学习简介\r\n机器学习按照数据的标签情况可以细分为:监督学习,无监督学习,半监督学习以及强化学习。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-8b8dd72d6abd9bb9.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n- 监督学习是利用数据特征及其标签 D ={(x1,y1),…,(xl,yl)}学习输入到输出的映射f:X→Y的方法。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-cdac28bd67cf8d95.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n- 无监督学习是仅利用无类标签的样本数据特征 D={x1,…,xn}学习其对应的簇标签、特征表示等方法。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-78d00cfc334fd227.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n- 强化学习从某种程度可以看作是有延迟标签信息的监督学习。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-993cf2b6a9871029.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n- 半监督学习是介于传统监督学习和无监督学习之间,其思想是在标记样本数量较少的情况下,通过在模型训练中直接引入无标记样本,以充分捕捉数据整体潜在分布,以改善如传统无监督学习过程盲目性、监督学习在训练样本不足导致的学习效果不佳的问题。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-8fe783d64ac5f0d3.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n\u003e半监督学习的有效性通常基于如下假设:\r\n1)平滑假设:稠密数据区域的两个距离很近的样例的类标签相似。\r\n2)聚类假设:当两个样例位于同一聚类簇时,很大的概率下有相同的类标签。\r\n3)流形假设:高维数据嵌入到低维流形中,当两个样例位于低维流形中的一个小局部邻域内时,具有相似的类标签。\r\n当模型假设不正确时,无标签的样本可能无法有效地提供增益信息,反而会恶化学习性能。\r\n\r\n# 二、半监督算法的类别\r\n##2.1 按理论差异划分\r\n按照统计学习理论差异,半监督学习可以分为:(纯)归纳半监督学习和直推学习。\r\n\r\n直推学习只处理样本空间内给定的训练数据,利用训练数据中有类标签的样本和无类标签的样例进行训练,仅预测训练数据中无类标签的样例的类标签,典型如标签传播算法(LPA)。\r\n\r\n归纳半监督学习处理整个样本空间中所有给定和未知的样例,不仅预测训练数据中无类标签的样例的类标签,更主要的是预测未知的测试样例的类标签,典型如半监督SVM。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-907a255a95c371b9.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n##2.2 按学习场景划分 \r\n从不同的学习场景看,半监督学习可分为四类:半监督分类(Semi-supervised classification)、半监督回归(Semi-supervised regression)、半监督聚类(Semi-supervised clustering)及半监督降维(Semi-supervised  dimensionality reduction)。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-951e5f57726e81ec.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n- 半监督分类\r\n半监督分类算法的思想是通过大量的未标记样本帮助学习一个好的分类系统,代表算法可以划分为四类,包括生成式方法、判别式方法、半监督图算法和基于差异的半监督方法(此外还可扩展出半监督深度学习方法,限于篇幅本文没有展开)。\r\n结合现实情况多数为半监督分类场景,下节会针对半监督分类算法原理及实战进行展开。\r\n\r\n- 半监督聚类\r\n半监督聚类算法的思想是如何利用先验信息以更好地指导未标记样本的划分过程。现有的算法多数是在传统聚类算法基础上引入监督信息发展而来,基于不同的聚类算法可以将其扩展成不同的半监督聚类算法。\r\n\r\n- 半监督回归\r\n半监督回归算法的思想是通过引入大量的未标记样本改进监督学习方法的性能,训练得到性能更优的回归器。现有的方法可以归纳为基于协同训练(差异)的半监督回归和基于流形的半监督回归两类。\r\n\r\n- 半监督降维\r\n半监督降维算法的思想在大量的无类标签的样例中引入少量的有类标签的样本,利用监督信息找到高维数据的低维结构表示,同时保持数据的内在固有信息。而利用的监督信息既可以是样例的类标签,也可以是成对约束信息,还可以是其他形式的监督信息。主要的半监督降维方法有基于类标签的方法、基于成对约束等方法。\r\n\r\n\r\n# 三、半监督分类算法(Python)\r\n\r\n## 3.1 基于差异的方法\r\n基于差异的半监督学习起源于协同训练算法,其思想是利用多个拟合良好的学习器之间的差异性提高泛化能力。假设每个样本可以从不同的角度(view)训练出不同的分类器,然后用这些从不同角度训练出来的分类器对无标签样本进行分类,再选出认为可信的无标签样本加入训练集中。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-3e36336095d4320c.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n## 3.2 判别式方法\r\n判别式方法利用最大间隔算法同时训练有类标签的样本和无类标签的样例学习决策边界,使其通过低密度数据区域,并且使学习得到的分类超平面到最近的样例的距离间隔最大。常见的如直推式支持向量机(TSVM)及最近邻(KNN)等。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-5727d074d379d538.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\nTSVM采用局部搜索的策略来进行迭代求解,即首先使用有标记样本集训练出一个初始SVM,接着使用该学习器对未标记样本进行打标,这样所有样本都有了标记,并基于这些有标记的样本重新训练SVM,之后再寻找易出错样本不断调整。\r\n\r\n\r\n```python\r\nimport random\r\nimport numpy as np\r\nimport sklearn.svm as svm\r\nfrom sklearn.datasets import make_classification\r\n\r\n\r\nclass TSVM(object):\r\n    '''\r\n    半监督TSVM\r\n    '''\r\n    def __init__(self, kernel='linear'):\r\n        self.Cl, self.Cu = 1.5, 0.001\r\n        self.kernel = kernel\r\n        self.clf = svm.SVC(C=1.5, kernel=self.kernel)\r\n\r\n    def train(self, X1, Y1, X2):\r\n        N = len(X1) + len(X2)\r\n        # 样本权值初始化\r\n        sample_weight = np.ones(N)\r\n        sample_weight[len(X1):] = self.Cu\r\n\r\n        # 用已标注部分训练出一个初始SVM\r\n        self.clf.fit(X1, Y1)\r\n        \r\n        # 对未标记样本进行标记\r\n        Y2 = self.clf.predict(X2)\r\n        Y2 = Y2.reshape(-1,1)\r\n        \r\n        X = np.vstack([X1, X2])\r\n        Y = np.vstack([Y1, Y2])\r\n        \r\n        # 未标记样本的序号\r\n        Y2_id = np.arange(len(X2))\r\n        \r\n        while self.Cu \u003c self.Cl:\r\n            # 重新训练SVM, 之后再寻找易出错样本不断调整\r\n            self.clf.fit(X, Y, sample_weight=sample_weight)\r\n            while True:\r\n                Y2_decision = self.clf.decision_function(X2)   # 参数实例到决策超平面的距离\r\n                Y2 = Y2.reshape(-1)\r\n                epsilon = 1 - Y2 * Y2_decision\r\n                negative_max_id = Y2_id[epsilon==min(epsilon)]\r\n                # print(epsilon[negative_max_id][0])\r\n                if epsilon[negative_max_id][0] \u003e 0:\r\n                    # 寻找很可能错误的未标记样本,改变它的标记成其他标记\r\n                    pool = list(set(np.unique(Y1))-set(Y2[negative_max_id]))\r\n                    Y2[negative_max_id] = random.choice(pool)\r\n                    Y2 = Y2.reshape(-1, 1)\r\n                    Y = np.vstack([Y1, Y2])\r\n                    \r\n                    self.clf.fit(X, Y, sample_weight=sample_weight)\r\n                else:\r\n                    break\r\n            self.Cu = min(2*self.Cu, self.Cl)\r\n            sample_weight[len(X1):] = self.Cu\r\n\r\n    def score(self, X, Y):\r\n        return self.clf.score(X, Y)\r\n\r\n    def predict(self, X):\r\n        return self.clf.predict(X)\r\n\r\nif __name__ == '__main__':\r\n    features, labels = make_classification(n_samples=200, n_features=3, \r\n                                           n_redundant=1, n_repeated=0, \r\n                                           n_informative=2, n_clusters_per_class=2)\r\n    n_given = 70\r\n    # 取前n_given个数字作为标注集\r\n    X1 = np.copy(features)[:n_given]\r\n    X2 = np.copy(features)[n_given:]\r\n    Y1 = np.array(np.copy(labels)[:n_given]).reshape(-1,1)\r\n    Y2_labeled = np.array(np.copy(labels)[n_given:]).reshape(-1,1)\r\n    model = TSVM()\r\n    model.train(X1, Y1, X2)\r\n    accuracy = model.score(X2, Y2_labeled)\r\n    print(accuracy)\r\n```\r\n\r\n\r\n## 3.3 生成式方法\r\n生成式的模型有高斯模型、贝叶斯网络、朴素贝叶斯、隐马尔可夫模型等,方法关键在于对来自各个种类的样本分布进行假设以及对所假设模型的参数估计。首先通过假设已知样本数据的密度函数 p(x|yi)的形式,比如多项式、高斯分布等。接着可采用迭代算法(如 EM 算法)计算 p(x|yi)的参数,然后根据贝叶斯全概率公式对全部未标签样本数据进行分类。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-b2622b0d96083d5e.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n\r\n生成式方法可以直接关注半监督学习和决策中的条件概率问题,避免对边缘概率或联合概率的建模以及求解,然而该方法对一些假设条件比较苛刻,一旦假设的 p(x|yi)与样本数据的实际分布情况差距比较大,其分类效果往往不佳。 \r\n\r\n\r\n\r\n##3.4 基于图半监督学习方法\r\n基于图的方法的实质是标签传播,基于流形假设根据样例之间的几何结构构造边(边的权值可以用样本间的相近程度),用图的结点表示样例,利用图上的邻接关系将类标签从有类标签的样本向无类标签的样例传播。基于图的方法通常图计算复杂度较高,且对异常图结构缺乏鲁棒性,主要方法有最小分割方法、标签传播算法(LPA)和流形方法 (manifold method)等。\r\n![](https://upload-images.jianshu.io/upload_images/11682271-66e4f2255628a888.png?imageMogr2/auto-orient/strip%7CimageView2/2/w/1240)\r\n标签传播算法(LPA)是基于图的半监督学习算法,基本思路是从已标记的节点标签信息来预测未标记的节点标签信息。\r\n1、首先利用样本间的关系(可以是样本客观关系,或者利用相似度函数计算样本间的关系)建立完全图模型。\r\n2、接着向图中加入已标记的标签信息,无标签节点是在用一个唯一的标签初始化。\r\n3、该算法会重复地将一个节点的标签设置为该节点的相邻节点中出现频率最高(有权图需要考虑权重)的标签,重复迭代,直到标签不变算法收敛。\r\n```\r\nimport random\r\nimport networkx as nx\r\nimport matplotlib.pyplot as plt\r\n\r\nclass LPA():\r\n    '''\r\n    标签传播算法:传播标签来划分社区\r\n    算法终止条件:迭代次数超过设定值\r\n    self.G:图\r\n    return: None\r\n    '''\r\n    def __init__(self, G, iters=10):\r\n        self.iters = iters\r\n        self.G = G\r\n        \r\n    def train(self):\r\n        max_iter_num = 0 # 迭代次数\r\n\r\n        while max_iter_num \u003c self.iters:\r\n            max_iter_num += 1\r\n            print('迭代次数',max_iter_num)\r\n\r\n            for node in self.G:\r\n                count = {} # 记录邻居节点及其标签\r\n                for nbr in self.G.neighbors(node): # node的邻居节点\r\n                    label = self.G.node[nbr]['labels'] \r\n                    count[label] = count.setdefault(label,0) + 1\r\n\r\n                # 找到出现次数最多的标签\r\n                count_items = sorted(count.items(),key=lambda x:-x[-1])\r\n                best_labels = [k for k,v in count_items if v == count_items[0][1]]\r\n                # 当多个标签频次相同时随机选取一个标签\r\n                label = random.sample(best_labels,1)[0] \r\n                self.G.node[node]['labels'] = label # 更新标签\r\n\r\n    def draw_picture(self):\r\n        # 画图\r\n        node_color = [float(self.G.node[v]['labels']) for v in self.G]\r\n        pos = nx.spring_layout(self.G) # 节点的布局为spring型\r\n        plt.figure(figsize = (8,6)) # 图片大小\r\n        nx.draw_networkx(self.G,pos=pos,node_color=node_color)\r\n        plt.show()\r\n\r\nif __name__ == \"__main__\":\r\n    G = nx.karate_club_graph() # 空手道\r\n    # 给节点添加标签\r\n    for node in G:\r\n        G.add_node(node, labels = node) # 用labels的状态\r\n    model = LPA(G)\r\n    # 原始节点标签\r\n    model.draw_picture()\r\n    model.train()\r\n    com = set([G.node[node]['labels'] for node in G])\r\n    print('社区数量',len(com))\r\n    # LPA节点标签\r\n    model.draw_picture()\r\n```\r\n---\r\n文章首发于算法进阶,公众号阅读原文可访问[GitHub源码](https://github.com/aialgorithm/Blog)","author":{"url":"https://github.com/aialgorithm","@type":"Person","name":"aialgorithm"},"datePublished":"2021-04-20T13:25:13.000Z","interactionStatistic":{"@type":"InteractionCounter","interactionType":"https://schema.org/CommentAction","userInteractionCount":0},"url":"https://github.com/15/Blog/issues/15"}

route-pattern/_view_fragments/issues/show/:user_id/:repository/:id/issue_layout(.:format)
route-controllervoltron_issues_fragments
route-actionissue_layout
fetch-noncev2:51fd868a-bdf5-5e36-f5bf-de33c5d55100
current-catalog-service-hash81bb79d38c15960b92d99bca9288a9108c7a47b18f2423d0f6438c5b7bcd2114
request-idBD28:246694:5E09E:83D6C:696A604F
html-safe-nonce6b7817feb1a1aad52ccb5b0a69f4c2ef2df1f11b93d5ff56bae9faac805ef014
visitor-payloadeyJyZWZlcnJlciI6IiIsInJlcXVlc3RfaWQiOiJCRDI4OjI0NjY5NDo1RTA5RTo4M0Q2Qzo2OTZBNjA0RiIsInZpc2l0b3JfaWQiOiI2ODA1MTczOTYwNTUxNTg3OTE5IiwicmVnaW9uX2VkZ2UiOiJpYWQiLCJyZWdpb25fcmVuZGVyIjoiaWFkIn0=
visitor-hmacdcc8207df546746027155c6885ecea126318f1afe7bd76f00848679662800d3d
hovercard-subject-tagissue:862816122
github-keyboard-shortcutsrepository,issues,copilot
google-site-verificationApib7-x98H0j5cPqHWwSMm6dNU4GmODRoqxLiDzdx9I
octolytics-urlhttps://collector.github.com/github/collect
analytics-location///voltron/issues_fragments/issue_layout
fb:app_id1401488693436528
apple-itunes-appapp-id=1477376905, app-argument=https://github.com/_view_fragments/issues/show/aialgorithm/Blog/15/issue_layout
twitter:imagehttps://opengraph.githubassets.com/d05edbf17c103dd488d9db0115eff7766f7dc2e8306e03af02788f2eff0152d1/aialgorithm/Blog/issues/15
twitter:cardsummary_large_image
og:imagehttps://opengraph.githubassets.com/d05edbf17c103dd488d9db0115eff7766f7dc2e8306e03af02788f2eff0152d1/aialgorithm/Blog/issues/15
og:image:alt前言 前阶段时间梳理了机器学习开发实战的系列文章: 1、Python机器学习入门指南(全) 2、Python数据分析指南(全) 3、一文归纳Ai数据增强之法 4、一文归纳Python特征生成方法(全) 5、Python特征选择(全) 6、一文归纳Ai调参炼丹之法 现阶段写作计划会对各类机器学习算法做一系列的原理概述及实践,主要包括无监督聚类、异常检测、半监督算法、强化学习、集成学习等。 一、...
og:image:width1200
og:image:height600
og:site_nameGitHub
og:typeobject
og:author:usernameaialgorithm
hostnamegithub.com
expected-hostnamegithub.com
None9b7735a184970dd9333b2cbe036c8f3c0a9108c64aaa93827c5a64fc70993392
turbo-cache-controlno-preview
go-importgithub.com/aialgorithm/Blog git https://github.com/aialgorithm/Blog.git
octolytics-dimension-user_id33707637
octolytics-dimension-user_loginaialgorithm
octolytics-dimension-repository_id147093233
octolytics-dimension-repository_nwoaialgorithm/Blog
octolytics-dimension-repository_publictrue
octolytics-dimension-repository_is_forkfalse
octolytics-dimension-repository_network_root_id147093233
octolytics-dimension-repository_network_root_nwoaialgorithm/Blog
turbo-body-classeslogged-out env-production page-responsive
disable-turbofalse
browser-stats-urlhttps://api.github.com/_private/browser/stats
browser-errors-urlhttps://api.github.com/_private/browser/errors
release87cbd411c2982752221b5751d583a515b23bf5fa
ui-targetcanary-1
theme-color#1e2327
color-schemelight dark

Links:

Skip to contenthttps://github.com/aialgorithm/Blog/issues/15#start-of-content
https://github.com/
Sign in https://github.com/login?return_to=https%3A%2F%2Fgithub.com%2Faialgorithm%2FBlog%2Fissues%2F15
GitHub CopilotWrite better code with AIhttps://github.com/features/copilot
GitHub SparkBuild and deploy intelligent appshttps://github.com/features/spark
GitHub ModelsManage and compare promptshttps://github.com/features/models
MCP RegistryNewIntegrate external toolshttps://github.com/mcp
ActionsAutomate any workflowhttps://github.com/features/actions
CodespacesInstant dev environmentshttps://github.com/features/codespaces
IssuesPlan and track workhttps://github.com/features/issues
Code ReviewManage code changeshttps://github.com/features/code-review
GitHub Advanced SecurityFind and fix vulnerabilitieshttps://github.com/security/advanced-security
Code securitySecure your code as you buildhttps://github.com/security/advanced-security/code-security
Secret protectionStop leaks before they starthttps://github.com/security/advanced-security/secret-protection
Why GitHubhttps://github.com/why-github
Documentationhttps://docs.github.com
Bloghttps://github.blog
Changeloghttps://github.blog/changelog
Marketplacehttps://github.com/marketplace
View all featureshttps://github.com/features
Enterpriseshttps://github.com/enterprise
Small and medium teamshttps://github.com/team
Startupshttps://github.com/enterprise/startups
Nonprofitshttps://github.com/solutions/industry/nonprofits
App Modernizationhttps://github.com/solutions/use-case/app-modernization
DevSecOpshttps://github.com/solutions/use-case/devsecops
DevOpshttps://github.com/solutions/use-case/devops
CI/CDhttps://github.com/solutions/use-case/ci-cd
View all use caseshttps://github.com/solutions/use-case
Healthcarehttps://github.com/solutions/industry/healthcare
Financial serviceshttps://github.com/solutions/industry/financial-services
Manufacturinghttps://github.com/solutions/industry/manufacturing
Governmenthttps://github.com/solutions/industry/government
View all industrieshttps://github.com/solutions/industry
View all solutionshttps://github.com/solutions
AIhttps://github.com/resources/articles?topic=ai
Software Developmenthttps://github.com/resources/articles?topic=software-development
DevOpshttps://github.com/resources/articles?topic=devops
Securityhttps://github.com/resources/articles?topic=security
View all topicshttps://github.com/resources/articles
Customer storieshttps://github.com/customer-stories
Events & webinarshttps://github.com/resources/events
Ebooks & reportshttps://github.com/resources/whitepapers
Business insightshttps://github.com/solutions/executive-insights
GitHub Skillshttps://skills.github.com
Documentationhttps://docs.github.com
Customer supporthttps://support.github.com
Community forumhttps://github.com/orgs/community/discussions
Trust centerhttps://github.com/trust-center
Partnershttps://github.com/partners
GitHub SponsorsFund open source developershttps://github.com/sponsors
Security Labhttps://securitylab.github.com
Maintainer Communityhttps://maintainers.github.com
Acceleratorhttps://github.com/accelerator
Archive Programhttps://archiveprogram.github.com
Topicshttps://github.com/topics
Trendinghttps://github.com/trending
Collectionshttps://github.com/collections
Enterprise platformAI-powered developer platformhttps://github.com/enterprise
GitHub Advanced SecurityEnterprise-grade security featureshttps://github.com/security/advanced-security
Copilot for BusinessEnterprise-grade AI featureshttps://github.com/features/copilot/copilot-business
Premium SupportEnterprise-grade 24/7 supporthttps://github.com/premium-support
Pricinghttps://github.com/pricing
Search syntax tipshttps://docs.github.com/search-github/github-code-search/understanding-github-code-search-syntax
documentationhttps://docs.github.com/search-github/github-code-search/understanding-github-code-search-syntax
Sign in https://github.com/login?return_to=https%3A%2F%2Fgithub.com%2Faialgorithm%2FBlog%2Fissues%2F15
Sign up https://github.com/signup?ref_cta=Sign+up&ref_loc=header+logged+out&ref_page=%2F%3Cuser-name%3E%2F%3Crepo-name%3E%2Fvoltron%2Fissues_fragments%2Fissue_layout&source=header-repo&source_repo=aialgorithm%2FBlog
Reloadhttps://github.com/aialgorithm/Blog/issues/15
Reloadhttps://github.com/aialgorithm/Blog/issues/15
Reloadhttps://github.com/aialgorithm/Blog/issues/15
aialgorithm https://github.com/aialgorithm
Bloghttps://github.com/aialgorithm/Blog
Notifications https://github.com/login?return_to=%2Faialgorithm%2FBlog
Fork 259 https://github.com/login?return_to=%2Faialgorithm%2FBlog
Star 942 https://github.com/login?return_to=%2Faialgorithm%2FBlog
Code https://github.com/aialgorithm/Blog
Issues 66 https://github.com/aialgorithm/Blog/issues
Pull requests 0 https://github.com/aialgorithm/Blog/pulls
Actions https://github.com/aialgorithm/Blog/actions
Projects 0 https://github.com/aialgorithm/Blog/projects
Security Uh oh! There was an error while loading. Please reload this page. https://github.com/aialgorithm/Blog/security
Please reload this pagehttps://github.com/aialgorithm/Blog/issues/15
Insights https://github.com/aialgorithm/Blog/pulse
Code https://github.com/aialgorithm/Blog
Issues https://github.com/aialgorithm/Blog/issues
Pull requests https://github.com/aialgorithm/Blog/pulls
Actions https://github.com/aialgorithm/Blog/actions
Projects https://github.com/aialgorithm/Blog/projects
Security https://github.com/aialgorithm/Blog/security
Insights https://github.com/aialgorithm/Blog/pulse
New issuehttps://github.com/login?return_to=https://github.com/aialgorithm/Blog/issues/15
New issuehttps://github.com/login?return_to=https://github.com/aialgorithm/Blog/issues/15
Python半监督算法概览https://github.com/aialgorithm/Blog/issues/15#top
https://github.com/aialgorithm
https://github.com/aialgorithm
aialgorithmhttps://github.com/aialgorithm
on Apr 20, 2021https://github.com/aialgorithm/Blog/issues/15#issue-862816122
1、Python机器学习入门指南(全)https://mp.weixin.qq.com/s?__biz=MzI4MDE1NjExMQ==&mid=2247484023&idx=1&sn=12cc9ed0326104e367d4f5be1d6b9894&scene=19#wechat_redirect
2、Python数据分析指南(全)https://mp.weixin.qq.com/s/v3pZnoNsCfIo99UmZQRgUA
3、一文归纳Ai数据增强之法https://mp.weixin.qq.com/s/lnE0OFqhoK-IAf9LRcM5Fw
4、一文归纳Python特征生成方法(全)https://mp.weixin.qq.com/s/MkXOE1VrZz2IWBvvHC06bA
5、Python特征选择(全)https://mp.weixin.qq.com/s/YWqaza96XsNehkJCN-lWMg
6、一文归纳Ai调参炼丹之法https://mp.weixin.qq.com/s/f4-f6CDTMn5o1MHqTQ6TXw
https://camo.githubusercontent.com/633bdb29c75317328c515f4c3a867eabd2eca1729312657e821550e6563a531a/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d386238646437326436616264396262392e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/1bad711463a9193b357c94a1047c7a5d3716231af247932e194037422414eff2/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d636461633238626436376366386439352e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/b980a0882ecf5c157b3486b58f191f12a0e3a26dbeed14c36b0a9bc33dd25657/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d373864303063666333333466643232372e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/3f7f3ca20472883ce98d028e3bf43b93c1ca01d0833f54c8e5c5d820659f3452/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d393933636632623661393837313032392e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/306d08c064d85c04686c4cc84ab7f4fdcee30d86cf813a316288e8930c5d32b0/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d386665373833643634616335663064332e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
#2https://github.com/aialgorithm/Blog/issues/2
https://camo.githubusercontent.com/e9faa0837b2f94737a6182d8dba6cec6a6185f309b21455d94ff23d4e72f6871/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d393037613235356139356333373162392e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
#2https://github.com/aialgorithm/Blog/issues/2
https://camo.githubusercontent.com/0dc1420f9b251ff89d920df2c08bc82cb74ae4842ae5fa000ea0dbf52a56e4a4/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d393531653566353737323665383165632e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/3f84f39201b81835821ab2c96c7c7149ed97316a4c08362d74f4644f8713f94f/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d336533363333363039356434333230632e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/87e616d6eddc29620c506c6935375185c1d093bde6d43673c78e993b2d40f32e/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d353732376430373464333739643533382e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
https://camo.githubusercontent.com/c421a92ebb92d3f8a17e55b48b0e40944bf481ffe5e1a33db2b7a11e6d2bc802/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d623236323262306439363038336435652e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
#3https://github.com/aialgorithm/Blog/issues/3
https://camo.githubusercontent.com/298703c267aa20c67514f378a73a0e4cbea894351bc67a83601e50ba3cee2186/68747470733a2f2f75706c6f61642d696d616765732e6a69616e7368752e696f2f75706c6f61645f696d616765732f31313638323237312d363665346632323535363238613838382e706e673f696d6167654d6f6772322f6175746f2d6f7269656e742f7374726970253743696d61676556696577322f322f772f31323430
GitHub源码https://github.com/aialgorithm/Blog
https://github.com
Termshttps://docs.github.com/site-policy/github-terms/github-terms-of-service
Privacyhttps://docs.github.com/site-policy/privacy-policies/github-privacy-statement
Securityhttps://github.com/security
Statushttps://www.githubstatus.com/
Communityhttps://github.community/
Docshttps://docs.github.com/
Contacthttps://support.github.com?tags=dotcom-footer

Viewport: width=device-width


URLs of crawlers that visited me.