theano

numpy matrix. move all 0's to the end of each row

为君一笑 提交于 2020-01-30 07:56:07
问题 Given a matrix in python numpy which has for some of its rows, leading zeros. I need to shift all zeros to the end of the line. E.g. 0 2 3 4 0 0 1 5 2 3 1 1 should be transformed to 2 3 4 0 1 5 0 0 2 3 1 1 Is there any nice way to do this in python numpy? 回答1: To fix for leading zeros rows - def fix_leading_zeros(a): mask = a!=0 flipped_mask = mask[:,::-1] a[flipped_mask] = a[mask] a[~flipped_mask] = 0 return a To push all zeros rows to the back - def push_all_zeros_back(a): # Based on http:/

Recurrent Neural Network系列4--利用Python,Theano实现GRU或LSTM

爷,独闯天下 提交于 2020-01-27 02:15:44
作者:zhbzz2007 出处: http://www.cnblogs.com/zhbzz2007 欢迎转载,也请保留这段声明。谢谢! 本文翻译自 RECURRENT NEURAL NETWORK TUTORIAL, PART 4 – IMPLEMENTING A GRU/LSTM RNN WITH PYTHON AND THEANO 。 本文的代码github地址 在此 。这是循环神经网络教程的第四部分,也是最后一个部分。之前的博文在此, RNN概述 利用Python,Theano实现RNN 理解RNN的BPTT算法和梯度消失 本文中我们将会学习LSTM(Long Short Term Memory)网络和GRUs(Gated Recurrent Units)。LSTM是由 Sepp Hochreiter and Jürgen Schmidhubere 在1997年提出,目前是深度学习应用到NLP领域中最为广泛的模型。GRUs 是在2014年 提出 ,是LSTM的一个简单变种,二者有很多相同的特性。让我们先看看LSTM,然后再看看GRU有何不同。 1 LSTM网络 在第三部分 理解RNN的BPTT算法和梯度消失 ,我们了解了梯度消失问题阻碍了标准循环神经网络学习长期依赖。LSTM通过门机制来解决梯度消失问题。为了更好的理解原理,我们看看LSTM如何计算隐层状态 \(s_{t}\

This error while downloading datasets: ValueError: I/O operation on closed file

不打扰是莪最后的温柔 提交于 2020-01-23 13:03:54
问题 I have started with deep learning with Theano and Keras. However, for any program, I will have to load the dataset, and i'm not able to load any dataset. Even if I run these two lines:- from keras.datasets import cifar10 (X_train, y_train), (X_test, y_test) = cifar10.load_data() I even tried the above with minst dataset. Exact same error. I tried to run the commands one by one, the first import goes well. In the second command, it runs and python begins downloading. However, after a few

This error while downloading datasets: ValueError: I/O operation on closed file

痞子三分冷 提交于 2020-01-23 13:03:10
问题 I have started with deep learning with Theano and Keras. However, for any program, I will have to load the dataset, and i'm not able to load any dataset. Even if I run these two lines:- from keras.datasets import cifar10 (X_train, y_train), (X_test, y_test) = cifar10.load_data() I even tried the above with minst dataset. Exact same error. I tried to run the commands one by one, the first import goes well. In the second command, it runs and python begins downloading. However, after a few

pycuda fail; Theano with Anaconda

流过昼夜 提交于 2020-01-23 12:25:46
问题 I'm using Anaconda to install Theano on MacOSX (Mavericks 10.9 ), just like this post explains: "How to make Theano operate on Mac Lion?" theano.test() This command gives the same error as in the post above. It gives that error on an Ubuntu 14.1, System 76 as well. I am able to import commands from Theano; but I still would like to understand why theano.test() fails. The packages CUDA and Boost were already installed before running... (Reference: See section: " Testing your Installation "

Keras - Generator for large dataset of Images and Masks

喜欢而已 提交于 2020-01-22 16:09:36
问题 I'm trying to build a Model that has Images for both its Inputs and Outputs (masks). Because of the size of the Dataset and my limited Memory, I tried using the Generator Approach introduced in the Keras Documentation: # Provide the same seed and keyword arguments to the fit and flow methods seed = 1 image_generator = image_datagen.flow_from_directory( 'data/images', class_mode=None, seed=seed) mask_generator = mask_datagen.flow_from_directory( 'data/masks', class_mode=None, seed=seed) #

Activation function after pooling layer or convolutional layer?

做~自己de王妃 提交于 2020-01-22 13:15:27
问题 The theory from these links show that the order of Convolutional Network is: Convolutional Layer - Non-linear Activation - Pooling Layer . Neural networks and deep learning (equation (125) Deep learning book (page 304, 1st paragraph) Lenet (the equation) The source in this headline But, in the last implementation from those sites, it said that the order is: Convolutional Layer - Pooling Layer - Non-linear Activation network3.py The sourcecode, LeNetConvPoolLayer class I've tried too to

Python机器学习库Top10

对着背影说爱祢 提交于 2020-01-22 12:38:31
文章目录 1.TensorFlow 2.Scikit-Learn 3.NumPy 4.Keras 5.PyTorch 6.LightGBM 7.Eli5 8.SciPy 9.Theano 10.Pandas 随着人工智能技术的发展与普及,Python超越了许多其他编程语言,成为了机器学习领域中最热门最常用的编程语言之一。有许多原因致使Python在众多开发者中如此受追捧,其中之一便是其拥有大量的与机器学习相关的开源框架以及工具库。本文就介绍几种机器学习的库。 1.TensorFlow TensorFlow是什么 该库是 Google 与 Brain Team 合作开发的。Google 的每一个机器学习应用几乎都有 TensorFlow 的影子。 TensorFlow 的工作方式类似于一个计算库,用于编写设计大量张量运算的新算法。由于神经网络可以很容易地表示为计算图,因此它们可以用 TensorFlow 作为对张量(Tensor)的一些列操作来实现。此外,张量是表述数据的 N 维矩阵。 TensorFlow的特点 响应式构造:使用 TensorFlow,我们可以轻松地将计算图的每一部分进行可视化,在使用 NumPy 或 SciKit 时并没有这个选项。 灵活性:TensorFlow 的一个非常重要的特性是,它的操作非常灵活。这意味着它实现了模块化,对于你想要使其独立的部分

Keras常见问题汇总

。_饼干妹妹 提交于 2020-01-21 04:05:45
如何引用keras? 如果keras对您的研究有帮助,请在出版物中引用。BibTeX例子如下: @misc{chollet2015keras, title={Keras}, author={Chollet, Fran\c{c}ois and others}, year={2015}, publisher={GitHub}, howpublished={\url{https://github.com/fchollet/keras}}, } 如何在GPU上运行keras? 如果运行在TensorFlow后端上,代码会自动运行在检测到的GPU上。 如果运行在Theano后端上,可使用方法有: 1、使用Theano标志 THEANO_FLAGS=device=gpu,floatX=float32 python my_keras_script.py 'gpu'根据你的设备更改识别(例如gpu0, gpu1等等) 2、设置 .theanorc 3、在代码最前面手动设置theano.config.device,theano.config.floatX import theano theano.config.device = 'gpu' theano.config.floatX = 'float32' 如何保存Keras模型? 不推荐用pickle或者cPickle来保存Keras模型。

Theano教程:Python的内存管理

跟風遠走 提交于 2020-01-19 04:43:29
在写大型程序时候的一大挑战是如何保证最少的内存使用率。但是在Python中的内存管理是比较简单的。Python显示分配内存,使用引用计数系统管理对象,当指向某一个对象的引用数变为 0 的时候,该对象所占的内存就会被释放。理论上听起来很不错,也很简单,但是在实践中,我们需要知道一些Python内存管理的知识从而让程序在运行过程中能够更加高效地使用内存。其中一个方面我们需要知道的是基本的Python对象所占空间的大小,另一方面我们需要知道的是Python在内部到底是如何管理内存的。 基本对象 一个 int 对象占多大空间呢? C/C++程序员会说它是由具体的机器决定的,可能是32为或者64位,因此它最多占8个字节(一个字节8位)。那么在Python中也是如此吗? 下面写一个函数来揭示出对象占多大的空间(某些情况下需要递归,比如某一个对象类型不是基本的数据类型): 1 import sys 2 3 def show_sizeof(x, level=0): 4 5 print "\t" * level, x.__class__, sys.getsizeof(x), x 6 7 if hasattr(x, '__iter__'): 8 if hasattr(x, 'items'): 9 for xx in x.items(): 10 show_sizeof(xx, level + 1) 11