自定义博客皮肤VIP专享

*博客头图:

格式为PNG、JPG,宽度*高度大于1920*100像素,不超过2MB,主视觉建议放在右侧,请参照线上博客头图

请上传大于1920*100像素的图片!

博客底图:

图片格式为PNG、JPG,不超过1MB,可上下左右平铺至整个背景

栏目图:

图片格式为PNG、JPG,图片宽度*高度为300*38像素,不超过0.5MB

主标题颜色:

RGB颜色,例如:#AFAFAF

Hover:

RGB颜色,例如:#AFAFAF

副标题颜色:

RGB颜色,例如:#AFAFAF

自定义博客皮肤

-+
  • 博客(23)
  • 收藏
  • 关注

原创 TensorFlow专题探讨

这些文档深入探讨了TensorFlow的许多主题:TensorFlowExtended(TFX)(https://tensorflow.org/tfx)TensorFlowModelAnalysis(https://github.com/tensorflow/data-validation)TensorFlowTransform(https://github.com/te...

2019-06-14 19:14:09 179

原创 STK9与matlab2011b互联

在前面写过STK10与matlab2014a互联,刚开始的时候还感觉好用,但是在与matlab'的GUI交互的时候出现no license的现象。所以各种绞尽脑汁,各种在网上的搜索,终于实现了STK9和matlab2011b的GUI互联。效果见下:忙了一天终于没有白费,在兴奋之时,赶紧把步骤写下来:step1:先安装matlab2011b(有各种坑,步骤及注意事项见资料);注意:破解的...

2019-06-03 23:23:31 1387 5

原创 STK10与MATLAB2014a的连接经验

关注微信公众号获取更多:matlab与STK互操作,我用的是基于connector的,1. 首先,看看STK的版本与matlab的版本对应,如下图:2.步骤第一步:安装相应的matlab,好像现在的STK是32位的,所以对应的MATLAB也应该对应32位的。如果都安装好后出现在STK的edite/performance下的matlab里面显示的open matlab是灰色的...

2018-10-27 16:35:34 7234 12

原创 PyTorch学习笔记(3)

1.讲解一段代码:# License: BSD# Author: Sasank Chilamkurthyfrom __future__ import print_function, divisionimport torchimport torch.nn as nnimport torch.optim as optimfrom torch.optim import lr_sch...

2018-08-28 17:15:35 693

原创 Pytorch学习笔记(2)

1.定义自己的模型(Sometimes you will want to specify models that are more complex than a sequence of existing Modules; for these cases you can define your own Modules by subclassingnn.Moduleand defining af...

2018-08-28 16:50:49 366

原创 Multi-GPU examples

Multi-GPU examplesData Parallelism is when we split the mini-batch of samples into multiple smaller mini-batches and run the computation for each of the smaller mini-batches in parallel.Data Paral...

2018-08-27 17:29:24 349

原创 nn package

nn packageWe’ve redesigned the nn package, so that it’s fully integrated with autograd. Let’s review the changes.Replace containers with autograd:You no longer have to use Containers like Conca...

2018-08-27 17:28:48 252

原创 Autograd

AutogradAutograd is now a core torch package for automatic differentiation. It uses a tape based system for automatic differentiation.In the forward phase, the autograd tape will remember all the ...

2018-08-27 17:28:02 590

原创 Tensors

TensorsTensors behave almost exactly the same way in PyTorch as they do in Torch.Create a tensor of size (5 x 7) with uninitialized memory:import torcha = torch.empty(5, 7, dtype=torch.float)...

2018-08-27 17:27:22 237

原创 Optional: Data Parallelism

Optional: Data ParallelismAuthors: Sung Kim and Jenny KangIn this tutorial, we will learn how to use multiple GPUs using DataParallel.It’s very easy to use GPUs with PyTorch. You can put the mod...

2018-08-27 17:26:13 171

原创 Training a classifier

Training a classifierThis is it. You have seen how to define neural networks, compute loss and make updates to the weights of the network.Now you might be thinking,What about data?Generally, w...

2018-08-27 17:25:21 259

原创 Neural Networks

Neural NetworksNeural networks can be constructed using the torch.nn package.Now that you had a glimpse of autograd, nn depends on autograd to define models and differentiate them. An nn.Module co...

2018-08-27 17:24:22 368

原创 Autograd: automatic differentiation

Autograd: automatic differentiationCentral to all neural networks in PyTorch is the autograd package. Let’s first briefly visit this, and we will then go to training our first neural network.The a...

2018-08-27 17:23:30 428

原创 What is PyTorch?

What is PyTorch?It’s a Python based scientific computing package targeted at two sets of audiences:A replacement for NumPy to use the power of GPUs a deep learning research platform that provides...

2018-08-27 17:22:22 237

原创 pytorch教程(持续更新中)

What is PyTorch?目录关注微信公众号获取更多:初学者教程 PyTorch深度学习:60分钟闪电战 What is PyTorch? Autograd: automatic differentiation Neural Network Training a classifier ...

2018-08-27 17:15:41 757

原创 Pytorch学习笔记(1)

关注微信公众号获取更多:注意:本笔记是本人学过Tensorflow后所做。1. 函数名后面带下划线_的函数会修改Tensor本身。例如,x.add_(y)和x.t_()会改变x,但x.add(y)和x.t()返回一个新的Tensor, 而x不变。例子:import numpy as npa = np.ones(5)print(a)[1. 1...

2018-08-26 22:59:05 1003

原创 机器学习笔记

1. 回归与分类模型回归模型可预测连续值(范围:+无穷,-无穷)。例如,回归模型做出的预测可回答如下问题: 加利福尼亚州一栋房产的价值是多少? 用户点击此广告的概率是多少? 分类模型可预测离散值(只能是0或1)。例如,分类模型做出的预测可回答如下问题: 某个指定电子邮件是垃圾邮件还是非垃圾邮件? 这是一张狗、猫还是仓鼠图片? 2. 平方损失:一种常见的损...

2018-08-25 23:00:09 127

原创 tensorflow学习要点(持续更新中)

1.    minst数据集的保存形式:2.    tf.clip_by_value()函数        在计算交叉熵的函数中,用到了  tf.clip_by_value()函数,这个函数的作用是为了规范化用于交叉熵函数的参数,因为交叉熵函数涉及到log函数,都知道log函数的定义域是大于0的,所以当log函数的参数小于0时就会出现意想不到的错误,so......  可知第一...

2018-08-19 21:32:29 251

原创 question 1:在调试Tensorflow的tensorboard可视化程序时,在浏览器中输入localhost:6006,显示无法加载

关注微信公众号获取更多:针对以上问题,解决方法:步骤1.首先安装一个很好用的软件,搜索Everything,这是为了搜索文件路劲用的。步骤2.在刚刚的安装的软件中搜索:tensorboard,然后选中tensorboard.exe文件,然后右键,然后选择“打开路劲”,此时就找到了这个文件步骤3.然后鼠标左键以下路劲显示框,现象如下:此时表示全选了路径,然后出入“...

2018-08-18 23:00:13 1962

原创 python中易错要点

在python中:1.  image_raw_data = tf.gfile.FastGFile("../datasets/cat.jpg", 'r').read()    表示在当前路径的上级目录下以只读的方式来操作datasets/cat.jpgimage_raw_data = tf.gfile.FastGFile("../../datasets/cat.jpg", 'r').r...

2018-08-17 14:40:46 184

转载 pycharm常用技巧

# 1. 查看使用库源码 PyCharm 主程序员在 Stackoverflow 上答道 经常听人说,多看源码。源码不仅能帮我们搞清楚运行机制,还能学习优秀的库或者框架的最佳实践。调用库时,你可以在你好奇的几乎任何地方点击 Command+B,就可以很方便的跳转到源码里的类,方法,函数,变量的定义。 操作如下: # 2. 让你的代码 PEP8  ...

2018-08-14 22:24:53 423

转载 如何理解卷积神经网络

 通过实际例子来理解卷积神经网络:1. 找橘猫:最简单的办法今天我们的任务是找出图中有没有橘猫:怎样用最简单(笨)的方法完成这个任务?那肯定是看图中的橘色占多少面积,比如说超过10%就认为有橘猫:但怎么告诉电脑?具体来说,图像在电脑中是按像素(就是一个个点)存储的:可以计算每个点的色彩与“标准橘色”的接近程度。如果足够接近,就认为属于橘色。例如,如果我们定...

2018-08-13 22:09:36 124

原创 怎么理解tf.nn,conv2d(卷积神经网络)的图像通道数

关注微信公众号获取更多:其实"图像通道数"就是图像的xx,呵呵..,其实这里的图像通道数其实是叫做“图像的色彩通道数”,还是来看例子理解吧!如每一张图片的大小为28*28*1,则表示图片的大小为28*28的像素,*1表示是黑白的,即为一个色彩通道同理,28*28*3,则表示图片的大小为28*28,*3表示彩色的,即为三个色彩通道。 2. 如果一张彩色图片表示成三位矩阵的...

2018-08-13 21:08:53 8738

空空如也

空空如也

TA创建的收藏夹 TA关注的收藏夹

TA关注的人

提示
确定要删除当前文章?
取消 删除