
机器学习
ARVRCool编程训练营
这个作者很懒,什么都没留下…
展开
专栏收录文章
- 默认排序
- 最新发布
- 最早发布
- 最多阅读
- 最少阅读
-
神经网络-基本逻辑-代码实现
nn_data.txt数据6.5 4 17.5 4.5 12 0.5 04 1 01 2 07 6 15 6 15.5 4.5 11 1 03.5 2 05 2 07 2 08.5 3 09 4 01.5 3.5 04 3 01 5 03 5 02 ...原创 2019-01-12 18:50:04 · 530 阅读 · 0 评论 -
逻辑回归 - 基础 - 代码实现
ytb_lr.txt数据2 1 02 2 05 4 14 5 12 3 03 2 06 5 14 1 06 3 17 4 1#import libimport numpy as npimport matplotlib.pyplot as plt#def loaddatadef loaddata(filename): file = open(file...原创 2019-01-12 18:53:26 · 934 阅读 · 0 评论 -
W tensorflow/core/platform/cpu_feature_guard.cc:45] The TensorFlow library wasn't compiled to use F
解决方法出现这个提示并不妨碍程序执行。意思似乎是说CPU的匹配上可以优化import osos.environ['TF_CPP_MIN_LOG_LEVEL'] = '2'原创 2019-01-21 08:49:15 · 1652 阅读 · 1 评论 -
吴恩达机器学习+deeplearning课程笔记----干货链接分享
转自:https://blog.youkuaiyun.com/luolan9611/article/details/81077759分享两个GitHub链接,今天看到的,超赞超赞不能更赞了,答应我一定要去看好吗~~~~不论是笔记还是github中分享的其它资源,课程视频链接,PPT下载,作业布置等都超棒。我要把这段安利用红色标出来!!!(18.7.19 附一个访问coursera网站的方法https...转载 2019-02-08 17:13:55 · 391 阅读 · 0 评论 -
Octave不显示画图的解决方法
亲测 可用原链接 https://blog.youkuaiyun.com/hortensius/article/details/82251162转载 2019-02-12 10:19:17 · 1644 阅读 · 1 评论 -
deeplearning系列(三)梯度检验
原文链接:https://blog.youkuaiyun.com/u012526120/article/details/48973497转载 2019-02-20 12:01:25 · 166 阅读 · 0 评论 -
启动tensorboard
1. 先生成log文件 我的:/Users/Scarlett/Desktop/Test-Project/models/test/events.out.tfevents.1553138404.Scarlett.local2. 在终端 CD到 文件的上一层目录 cd/Users/Scarlett/Desktop/Test-Project/models/test3.启动tens...原创 2020-02-15 17:57:00 · 441 阅读 · 0 评论 -
tensorflow中模型 持久化/重新加载
import tensorflow as tf# 模型持久化==================v1 = tf.Variable(initial_value=tf.random_uniform([1],0,10,dtype=tf.float32),name='v1')v2 = tf.Variable(initial_value=tf.random_uniform([1],0,10,dtyp...原创 2019-03-21 14:57:15 · 603 阅读 · 0 评论 -
Tensorflow中 图像的 操作
# -- encoding:utf-8 --"""Create by ibf on 19/1/15"""import numpy as npimport matplotlib.pyplot as pltimport tensorflow as tfdef show_image(image): shape = np.shape(image) if len(sha...原创 2019-03-24 08:09:39 · 342 阅读 · 0 评论 -
机器学习之性能度量指标——决定系数R^2、PR曲线、ROC曲线、AUC值、以及准确率、查全率、召回率、f1_score
转自:https://blog.youkuaiyun.com/weixin_42180810/article/details/81266777转载 2019-04-01 10:44:05 · 771 阅读 · 0 评论 -
在AWS上配置深度学习主机 AWS运行 Jupyter notebook
一: 开启AWS实例0.准备工作注册填写工单 请参考:https://zhuanlan.zhihu.com/p/250661871. 打开亚马逊服务器 登录AWS服务控制台点击EC22.Running Instances 显示的是已经开启的实例, 没开启为0点击 Launch Instance 开启一个实例3. 这里使用Community AMI 社区...原创 2019-04-07 12:29:12 · 1345 阅读 · 2 评论 -
tensorflow查看深度学习项目是在CPU上 还是GPU上
import osfrom tensorflow.python.client import device_libos.environ["TF_CPP_MIN_LOG_LEVEL"] = '99'print(device_lib.list_local_devices())承接ARVR项目开发: QQ 2118590660原创 2020-02-15 17:52:35 · 3639 阅读 · 1 评论 -
机器学习思维导图
转自https://yq.aliyun.com/ziliao/330299转载 2019-01-05 23:06:20 · 402 阅读 · 0 评论 -
17 幅思维导图 | 机器学习基础(一)统计篇
转自https://zhuanlan.zhihu.com/p/25884239导图概览描述性统计:表格和图形法描述性统计:数值方法概率概率分布抽样分布区间估计假设检验两总体均值& 比例的推断总体方差的统计推断多个比率的比较/ 独立性/拟合优度检验实验设计 | 方差分析简单线性回归残差分析...转载 2019-01-05 22:34:54 · 1732 阅读 · 0 评论 -
Mac安装 画图工具pydotplus
Mac下安装graphviz终端执行brew install graphviz然后安装pip install pydotplus到 notebook 里测试下mport numpy as npimport pandas as pdfrom sklearn.tree import DecisionTreeClassifier# 仍然使用自带的iris数据from...原创 2018-12-19 15:26:42 · 947 阅读 · 0 评论 -
决策树分类与回归 手动实现
决策树离散值分类path = "xigua.csv"import pandas as pddf = pd.read_csv(path,na_values='?')#计算占比def calculate_f(feature,value,df): data = df[df[feature] == value] f = len(data)/len(df) return...原创 2018-12-19 15:31:41 · 788 阅读 · 1 评论 -
决策树算法原理(上)
转自:https://www.cnblogs.com/pinard/p/6050306.html决策树算法在机器学习中算是很经典的一个算法系列了。它既可以作为分类算法,也可以作为回归算法,同时也特别适合集成学习比如随机森林。本文就对决策树算法原理做一个总结,上篇对ID3, C4.5的算法思想做了总结,下篇重点对CART算法做一个详细的介绍。选择CART做重点介绍的原因是scikit-learn...转载 2018-12-20 16:11:58 · 242 阅读 · 0 评论 -
决策树算法原理(下)
转自:http://www.cnblogs.com/pinard/p/6053344.html 在决策树算法原理(上)这篇里,我们讲到了决策树里ID3算法,和ID3算法的改进版C4.5算法。对于C4.5算法,我们也提到了它的不足,比如模型是用较为复杂的熵来度量,使用了相对较为复杂的多叉树,只能处理分类不能处理回归等。对于这些问题, CART算法大部分做了改进。CART算法也就是我们下面的重点...转载 2018-12-20 16:13:48 · 373 阅读 · 1 评论 -
集成学习 Bagging Boosting 内部实现
决策树回归## Bagging——分类任务import pandas as pdimport numpy as npfrom sklearn.tree import DecisionTreeClassifierdf = pd.DataFrame([[0,1],[1,1],[2,1],[3,-1],[4,-1], [5,-1],[6,1],[7,1...原创 2018-12-21 15:26:17 · 226 阅读 · 0 评论 -
dataframe中 常用的 方法
新建dataframeimport pandas as pda = pd.DataFrame([[1,2,3], [4,5,6], [7,8,9]],columns = ["feature_1", "feature_2", "label"])读取import pandas as pddf = pd.read_c...原创 2018-12-21 15:37:31 · 4670 阅读 · 0 评论 -
Sklearn 中常用方法
分割训练集与测试集from sklearn.model_selection import train_test_splitX = a.iloc[:,0:-1]Y = a["label"]X_train, X_test, Y_train, Y_test = train_test_split(X, Y, test_size = 0.5,random_state=0)Y_train统计...原创 2018-12-21 15:46:40 · 616 阅读 · 0 评论 -
LogisticRegression 预测分类
import numpy as npimport pandas as pdpath = "breast-cancer-wisconsin.data"names = ['id','Clump Thickness','Uniformity of Cell Size','Uniformity of Cell Shape', 'Marginal Adhesion','Single...原创 2018-12-17 15:00:25 · 1823 阅读 · 0 评论 -
LinearRegression 预测
import pandas as pdfrom sklearn.preprocessing import OneHotEncoderfrom sklearn.preprocessing import PolynomialFeaturesfrom sklearn.preprocessing import StandardScalerfrom sklearn.model_selection ...原创 2018-12-17 15:02:58 · 3508 阅读 · 0 评论 -
01_家庭用电预测:线性回归算法(时间与功率&功率与电流之间的关系)
# 引入所需要的全部包from sklearn.model_selection import train_test_splitfrom sklearn.linear_model import LinearRegressionfrom sklearn.preprocessing import StandardScalerimport numpy as npimport matplotli...原创 2018-12-22 13:55:30 · 2049 阅读 · 1 评论 -
机器学习可用公开数据集
在实际工作中,我们可以使用业务数据进行机器学习开发,但是在学习过程中, 没有业务数据,此时可以使用公开的数据集进行开发,常用数据集如下:• http://archive.ics.uci.edu/ml/datasets.html• https://aws.amazon.com/cn/public-datasets/• https://www.kaggle.com/competitions•...原创 2018-12-22 20:54:28 · 1081 阅读 · 0 评论 -
Initializing libiomp5.dylib, but found libiomp5.dylib already initialized.
OMP: Error #15: Initializing libiomp5.dylib, but found libiomp5.dylib already initialized.OMP: Hint: This means that multiple copies of the OpenMP runtime have been linked into the program. That is d...原创 2019-01-10 21:04:28 · 6514 阅读 · 7 评论