09 2017 档案

TensorFlow基础笔记(4) Tensor Transformation
摘要:抽取 tf.slice(input_, begin, size, name=None):按照指定的下标范围抽取连续区域的子集 tf.gather(params, indices, validate_indices=None, name=None):按照指定的下标集合从axis=0中抽取子集,适合抽取 阅读全文

posted @ 2017-09-30 16:52 Maddock 阅读(467) 评论(0) 推荐(0) 编辑

TensorFlow基础笔记(0) 参考资源学习文档
摘要:1 官方文档 https://www.tensorflow.org/api_docs/ 2 极客学院中文文档 http://www.tensorfly.cn/tfdoc/api_docs/python/array_ops.html 3 TensorFlow基础笔记(2) minist分类学习 阅读全文

posted @ 2017-09-30 16:02 Maddock 阅读(135) 评论(0) 推荐(0) 编辑

TensorFlow基础笔记(3) cifar10 分类学习
摘要:TensorFlow基础笔记(3) cifar10 分类学习 CIFAR-10 is a common benchmark in machine learning for image recognition. http://www.cs.toronto.edu/~kriz/cifar.html Co 阅读全文

posted @ 2017-09-30 14:33 Maddock 阅读(266) 评论(0) 推荐(0) 编辑

贝叶斯深度学习
摘要:http://www.cnblogs.com/jesse123/p/6907064.html 阅读全文

posted @ 2017-09-29 15:26 Maddock 阅读(402) 评论(0) 推荐(0) 编辑

怎么及时掌握/把握深度学习的发展动向和状态?(知乎)
摘要:https://www.zhihu.com/question/65646397 机器学习 知乎专栏 https://www.zhihu.com/topic/19559450/hot 阅读全文

posted @ 2017-09-29 15:13 Maddock 阅读(291) 评论(0) 推荐(0) 编辑

TensorFlow基础笔记(1) 数据读取与保存
摘要:https://zhuanlan.zhihu.com/p/27238630 WholeFileReader http://blog.csdn.net/wayne2019/article/details/77884478 read_file gfile.FastGFile 阅读全文

posted @ 2017-09-29 10:03 Maddock 阅读(3779) 评论(0) 推荐(0) 编辑

Python中内置数据类型list,tuple,dict,set的区别和用法
摘要:Python中内置数据类型list,tuple,dict,set的区别和用法 Python中内置数据类型list,tuple,dict,set的区别和用法 Python语言简洁明了,可以用较少的代码实现同样的功能。这其中Python的四个内置数据类型功不可没,他们即是list, tuple, dic 阅读全文

posted @ 2017-09-29 09:05 Maddock 阅读(415) 评论(0) 推荐(0) 编辑

tf.nn.conv2d实现卷积的过程
摘要:#coding=utf-8 import tensorflow as tf #case 2 input = tf.Variable(tf.round(10 * tf.random_normal([1,3,3,2]))) filter = tf.Variable(tf.round(5 * tf.random_normal([1,1,2,1]))) op2 = tf.nn.conv2d(inp... 阅读全文

posted @ 2017-09-26 18:26 Maddock 阅读(2459) 评论(0) 推荐(0) 编辑

Python 矩阵与矩阵以及矩阵与向量的乘法
摘要:import numpy as np numpy模块的array相乘时,有两种方式:一是矩阵形式,二是挨个相乘。 需要用矩阵形式相乘时,则要用np.dot()函数。 #矩阵与矩阵相乘a = np.array([[1,2,3],[4,5,6],[7,8,9]])c = a.copy()print(a 阅读全文

posted @ 2017-09-25 16:28 Maddock 阅读(9144) 评论(0) 推荐(0) 编辑

Matlab 实现神经网络实例
摘要:% Matlab实现简单BP神经网络 % http://blog.csdn.net/zjccoder/article/details/40713147 for i=1:20 %样本个数 xx(i)=2*pi*(i-1)/20; d(i)=0.5*(1+cos(xx(i))); end n=length(xx);%样本个... 阅读全文

posted @ 2017-09-25 13:24 Maddock 阅读(3600) 评论(1) 推荐(1) 编辑

Pycharm 建立工程,包含多个工程目录
摘要: 阅读全文

posted @ 2017-09-23 16:13 Maddock 阅读(660) 评论(0) 推荐(0) 编辑

python 神经网络实例
摘要:#http://python.jobbole.com/82758/ # import numpy as np # # # # sigmoid function # def nonlin(x, deriv=False): # if (deriv == True): # return x * (1 - x) # return 1 / (1 + np.exp(-x)... 阅读全文

posted @ 2017-09-22 21:59 Maddock 阅读(3741) 评论(0) 推荐(0) 编辑

TensorFlow基础笔记(2) minist分类学习
摘要:(1) 最简单的神经网络分类器 (2) 单层Softmax分类器与CNN多层分类器 参考 http://www.tensorfly.cn/tfdoc/tutorials/mnist_pros.html http://blog.csdn.net/mpk_no1/article/details/7285 阅读全文

posted @ 2017-09-22 09:00 Maddock 阅读(439) 评论(0) 推荐(0) 编辑

贝叶斯深度学习
摘要:清华大学朱军博士:可扩展的贝叶斯方法与深度生成模型 Welcome to ZhuSuan http://www.cnblogs.com/jesse123/p/6907064.html 阅读全文

posted @ 2017-09-20 17:02 Maddock 阅读(219) 评论(0) 推荐(0) 编辑

NumPy的详细教程
摘要:NumPy的详细教程 转载 http://blog.csdn.net/chen_shiqiang/article/details/51868115 转载 http://blog.csdn.net/chen_shiqiang/article/details/51868115 先决条件 在阅读这个教程之 阅读全文

posted @ 2017-09-20 11:06 Maddock 阅读(10338) 评论(0) 推荐(0) 编辑

Tensorflow 梯度下降实例
摘要:# coding: utf-8 # #### 假设我们要最小化函数 $y=x^2$, 选择初始点 $x_0=5$ # #### 1. 学习率为1的时候,x在5和-5之间震荡。 # In[1]: import tensorflow as tf TRAINING_STEPS = 10 LEARNING_RATE = 1 x = tf.Variable(tf.constant(5, dt... 阅读全文

posted @ 2017-09-19 21:11 Maddock 阅读(918) 评论(0) 推荐(0) 编辑

机器学习中的损失函数总结
摘要:http://blog.csdn.net/yqljxr/article/details/52075053 阅读全文

posted @ 2017-09-19 14:04 Maddock 阅读(179) 评论(0) 推荐(0) 编辑

GAN网络
摘要:http://www.sohu.com/a/130252639_473283 高分辨率图像重建 https://zhuanlan.zhihu.com/p/25201511 生成式对抗网络GAN有哪些最新的发展,可以实际应用到哪些场景中? https://www.zhihu.com/question/ 阅读全文

posted @ 2017-09-18 20:22 Maddock 阅读(263) 评论(0) 推荐(0) 编辑

cuDNN升级
摘要:出错现象ImportError: libcudnn.so.6: cannot open shared object file: No such file or directory查看当前版本为5.0 :/usr/local/cuda/lib64$ ls -llrwxrwxrwx 1 root roo 阅读全文

posted @ 2017-09-18 18:19 Maddock 阅读(1202) 评论(0) 推荐(0) 编辑

GitHub 上有哪些有趣的关于 NLP 或者 DL 的项目?知乎回答
摘要:https://www.zhihu.com/question/36853910 阅读全文

posted @ 2017-09-18 17:22 Maddock 阅读(842) 评论(0) 推荐(0) 编辑

CNN图像分割总结
摘要:深度学习(三十三)CRF as RNN语义分割-未完待续 http://blog.csdn.net/hjimce/article/details/50888915 Fully Convolutional Networks for semantic Segmentation(深度学习经典论文翻译) h 阅读全文

posted @ 2017-09-18 16:22 Maddock 阅读(719) 评论(0) 推荐(0) 编辑

从TensorFlow0.12升级到TensorFlow1.13
摘要:sudo pip install --upgrade tensorflow-gpu$ sudo pip install --upgrade tensorflow-gpu[sudo] password for camera:The directory '/home/camera/.cache/pip/ 阅读全文

posted @ 2017-09-18 15:56 Maddock 阅读(646) 评论(0) 推荐(0) 编辑

Deep3d研究
摘要:如何使用CNN将视频从2D到3D进行自动转换 http://www.sohu.com/a/128924237_642762 从2D图片生成3D模型(3D-GAN) http://blog.topspeedsnail.com/archives/11131 阅读全文

posted @ 2017-09-13 14:35 Maddock 阅读(506) 评论(0) 推荐(0) 编辑

什么是 end-to-end 神经网络?——知乎解答
摘要:什么是 end-to-end 神经网络? https://www.zhihu.com/question/51435499 解答1 张旭 像机器一样学习,像人一样生活 张旭 张旭 张旭 像机器一样学习,像人一样生活 像机器一样学习,像人一样生活 像机器一样学习,像人一样生活 YJango 等 YJan 阅读全文

posted @ 2017-09-12 09:51 Maddock 阅读(1467) 评论(0) 推荐(0) 编辑

Cmake实现样例
摘要:多目录工程的CmakeLists.txt编写(自动添加多目录下的文件) http://www.cnblogs.com/chengxuyuancc/p/5347646.html 实现类似于vs中工程的CMakeLists.txt的编写。功能为main.cpp调用hello.cpp 的hello()函数 阅读全文

posted @ 2017-09-11 13:55 Maddock 阅读(418) 评论(0) 推荐(0) 编辑

安装Node.js以及Hexo
摘要:安装前提 安装 Hexo 相当简单。然而在安装前,您必须检查电脑中是否已安装下列应用程序: Node.js 如何在Ubuntu上安装最新版本的Node.js https://hexo.io/zh-cn/docs/index.html 如何在Ubuntu上安装最新版本的Node.js https:// 阅读全文

posted @ 2017-09-09 23:58 Maddock 阅读(188) 评论(0) 推荐(0) 编辑

分类与回归的关系和区别
摘要:走刀口 走刀口 走刀口 走刀口 分类和回归的区别在于输出变量的类型。 定量输出称为回归,或者说是连续变量预测;定性输出称为分类,或者说是离散变量预测。 举个例子:预测明天的气温是多少度,这是一个回归任务;预测明天是阴、晴还是雨,就是一个分类任务。 分类和回归的区别在于输出变量的类型。 定量输出称为回 阅读全文

posted @ 2017-09-09 13:04 Maddock 阅读(2178) 评论(0) 推荐(0) 编辑

從文本到視覺:各領域最前沿的論文集合
摘要:選自GitHub 作者:Simon Brugman 參與:吳攀 深度學習已經在語音識別、機器翻譯、圖像目標檢測和聊天機器人等許多領域百花齊放。近日,GitHub 用戶 Simon Brugman 發布了一個按任務分類的深度學習論文項目,其按照不同的任務類型列出了一些當前最佳的論文和對起步有用的論文。 阅读全文

posted @ 2017-09-07 23:02 Maddock 阅读(460) 评论(0) 推荐(0) 编辑

ubuntu 终端$换行
摘要:编辑~/.bashrc文件 sudo gedit ~/.bashrc 红色部分为添加的 \n if [ "$color_prompt" = yes ]; then PS1='${debian_chroot:+($debian_chroot)}\[\033[01;32m\]\u@\h\[\033[00 阅读全文

posted @ 2017-09-07 22:09 Maddock 阅读(2063) 评论(0) 推荐(0) 编辑

导航

< 2025年3月 >
23 24 25 26 27 28 1
2 3 4 5 6 7 8
9 10 11 12 13 14 15
16 17 18 19 20 21 22
23 24 25 26 27 28 29
30 31 1 2 3 4 5
点击右上角即可分享
微信分享提示