scipy.ndimage.zoom上采样与下采样

这里写图片描述


插值


Bilinear interpolation would be order=1, 
nearest is order=0, 
and cubic is the default (order=3).

举例说明

import numpy as np
import scipy.ndimagex = np.arange(64).reshape(8,8)print 'Original array:'
print xprint 'Resampled by a factor of 2 with nearest interpolation:'
print scipy.ndimage.zoom(x, 2, order=0)print 'Resampled by a factor of 2 with bilinear interpolation:'
print scipy.ndimage.zoom(x, 2, order=1)print 'Resampled by a factor of 2 with cubic interpolation:'
print scipy.ndimage.zoom(x, 2, order=3)print 'Downsampled by a factor of 0.5 with default interpolation:'
print(scipy.ndimage.zoom(x, 0.5))

结果

Original array:
array([[ 0,  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],[32, 33, 34, 35, 36, 37, 38, 39],[40, 41, 42, 43, 44, 45, 46, 47],[48, 49, 50, 51, 52, 53, 54, 55],[56, 57, 58, 59, 60, 61, 62, 63]])
Resampled by a factor of 2 with nearest interpolation:
[[ 0  0  1  1  2  2  3  3  4  4  5  5  6  6  7  7][ 0  0  1  1  2  2  3  3  4  4  5  5  6  6  7  7][ 8  8  9  9 10 10 11 11 12 12 13 13 14 14 15 15][ 8  8  9  9 10 10 11 11 12 12 13 13 14 14 15 15][16 16 17 17 18 18 19 19 20 20 21 21 22 22 23 23][16 16 17 17 18 18 19 19 20 20 21 21 22 22 23 23][24 24 25 25 26 26 27 27 28 28 29 29 30 30 31 31][24 24 25 25 26 26 27 27 28 28 29 29 30 30 31 31][32 32 33 33 34 34 35 35 36 36 37 37 38 38 39 39][32 32 33 33 34 34 35 35 36 36 37 37 38 38 39 39][40 40 41 41 42 42 43 43 44 44 45 45 46 46 47 47][40 40 41 41 42 42 43 43 44 44 45 45 46 46 47 47][48 48 49 49 50 50 51 51 52 52 53 53 54 54 55 55][48 48 49 49 50 50 51 51 52 52 53 53 54 54 55 55][56 56 57 57 58 58 59 59 60 60 61 61 62 62 63 63][56 56 57 57 58 58 59 59 60 60 61 61 62 62 63 63]]Resampled by a factor of 2 with bilinear interpolation:
[[ 0  0  1  1  2  2  3  3  4  4  5  5  6  6  7  7][ 4  4  5  5  6  6  7  7  7  8  8  9  9 10 10 11][ 7  8  8  9  9 10 10 11 11 12 12 13 13 14 14 14][11 12 12 13 13 14 14 14 15 15 16 16 17 17 18 18][15 15 16 16 17 17 18 18 19 19 20 20 21 21 21 22][19 19 20 20 21 21 21 22 22 23 23 24 24 25 25 26][22 23 23 24 24 25 25 26 26 27 27 28 28 28 29 29][26 27 27 28 28 28 29 29 30 30 31 31 32 32 33 33][30 30 31 31 32 32 33 33 34 34 35 35 35 36 36 37][34 34 35 35 35 36 36 37 37 38 38 39 39 40 40 41][37 38 38 39 39 40 40 41 41 42 42 42 43 43 44 44][41 42 42 42 43 43 44 44 45 45 46 46 47 47 48 48][45 45 46 46 47 47 48 48 49 49 49 50 50 51 51 52][49 49 49 50 50 51 51 52 52 53 53 54 54 55 55 56][52 53 53 54 54 55 55 56 56 56 57 57 58 58 59 59][56 56 57 57 58 58 59 59 60 60 61 61 62 62 63 63]]Resampled by a factor of 2 with cubic interpolation:
[[ 0  0  1  1  2  2  3  3  4  4  5  5  6  6  7  7][ 2  3  3  4  4  5  5  6  6  7  7  8  8  9  9  9][ 7  8  8  9  9 10 10 11 11 12 12 12 13 13 14 14][12 12 12 13 13 14 14 15 15 16 16 17 17 18 18 19][15 15 16 16 17 17 18 18 19 19 20 20 21 21 22 22][19 19 19 20 20 21 21 22 22 23 23 24 24 25 25 26][22 23 23 24 24 25 25 26 26 27 27 27 28 28 29 29][26 26 27 28 28 28 29 29 30 30 31 31 32 32 33 33][30 30 31 31 32 32 33 33 34 34 35 35 35 36 37 37][34 34 35 35 36 36 36 37 37 38 38 39 39 40 40 41][37 38 38 39 39 40 40 41 41 42 42 43 43 44 44 44][41 41 42 42 43 43 44 44 45 45 46 46 47 47 48 48][44 45 45 46 46 47 47 48 48 49 49 50 50 51 51 51][49 49 50 50 51 51 51 52 52 53 53 54 54 55 55 56][54 54 54 55 55 56 56 57 57 58 58 59 59 60 60 61][56 56 57 57 58 58 59 59 60 60 61 61 62 62 63 63]]Downsampled by a factor of 0.5 with default interpolation:
[[ 0  2  5  7][19 21 23 26][37 40 42 44][56 58 61 63]]

参考文献


Resampling a numpy array representing an image

机器学习入门必备的13张小抄

本文来自互联网用户投稿,该文观点仅代表作者本人,不代表本站立场。本站仅提供信息存储空间服务,不拥有所有权,不承担相关法律责任。如若转载,请注明出处:http://www.mzph.cn/news/246833.shtml

如若内容造成侵权/违法违规/事实不符,请联系多彩编程网进行投诉反馈email:809451989@qq.com,一经查实,立即删除!

相关文章

UFLDL教程: Exercise: Sparse Autoencoder

自编码可以跟PCA 一样,给特征属性降维 一些matlab函数 bsxfun:Cbsxfun(fun,A,B)表达的是两个数组A和B间元素的二值操作,fun是函数句柄或者m文件,或者是内嵌的函数。在实际使用过程中fun有很多选择比如说加,减等,前面需…

UFLDL教程:Exercise:PCA in 2D PCA and Whitening

相关文章 PCA的原理及MATLAB实现 UFLDL教程:Exercise:PCA in 2D & PCA and Whitening python-A comparison of various Robust PCA implementations Deep Learning and Unsupervised Feature Learning Tutorial Solutions 统计学的基本概念 统计学里最基本…

UFLDL教程:Exercise:Softmax Regression

Softmax分类函数的Python实现 Deep Learning and Unsupervised Feature Learning Tutorial Solutions 逻辑回归假设函数 在线性回归问题中,假设函数具有如下形式: 在 logistic 回归中,我们的训练集由m 个已标记的样本构成:&#…

UFLDL教程: Exercise:Self-Taught Learning

自我学习 Deep Learning and Unsupervised Feature Learning Tutorial Solutions 1.先训练稀疏自编码器提取特征,再把特征和label给softmax分类器进行训练,最后用test数据集进行测试。 2.由于实际应用中找到大量有标注的样本是非常困难的,所…

UFLDL教程: Exercise: Implement deep networks for digit classification

Deep networks Deep Learning and Unsupervised Feature Learning Tutorial Solutions 深度网络的优势 比单层神经网络能学习到更复杂的表达。不同层的网络学习到的特征是由最底层到最高层慢慢上升的。比如在图像的学习中,第一个隐含层网络可能学习的是边缘特征&am…

UFLDL教程: Exercise:Learning color features with Sparse Autoencoders

Linear Decoders Deep Learning and Unsupervised Feature Learning Tutorial Solutions 以三层的稀疏编码神经网络而言,在sparse autoencoder中的输出层满足下面的公式 从公式中可以看出,a3的输出值是f函数的输出,而在普通的sparse autoenc…

UFLDL教程:Exercise:Convolution and Pooling

Deep Learning and Unsupervised Feature Learning Tutorial Solutions CNN的基本结构包括两层 其一为特征提取层,每个神经元的输入与前一层的局部接受域相连,并提取该局部的特征。一旦该局部特征被提取后,它与其它特征间的位置关系也随之确…

莫凡机器学习课程笔记

怎样区分好用的特征 避免无意义的信息避免重复性的信息避免复杂的信息 激活函数的选择 浅层神经网络,可以随便尝试各种激活函数 深层神经网络,不可随机选择各种激活函数,这涉及到梯度爆炸和梯度消失。(给出梯度爆炸和梯度消失的…

UFLDL教程:数据预处理

数据预处理是深度学习中非常重要的一步!如果说原始数据的获得,是深度学习中最重要的一步,那么获得原始数据之后对它的预处理更是重要的一部分。 一般来说,算法的好坏一定程度上和数据是否归一化,是否白化有关。 数据归…

深度学习笔记(待续)

背景知识 好的特征应具有不变性(大小、尺度和旋转等)和可区分性):例如Sift的出现,是局部图像特征描述子研究领域一项里程碑式的工作。由于SIFT对尺度、旋转以及一定视角和光照变化等图像变化都具有不变性,并…

人工智能泰斗迈克尔·乔丹分享机器学习要义:创新视角,直面挑战

2017年6月21日至22日,腾讯云未来峰会在深圳举行。人工智能领域的世界级泰斗迈克尔欧文乔丹(Michael I.Jordan)进行了主题为“机器学习:创新视角,直面挑战”的演讲,与大家分享他对人工智能的未来与挑战的见解…

Tensorflow官方文档---起步 MNIST示例

Tensorflow •使用图 (graph) 来表示计算任务. • 在被称之为 会话 (Session) 的上下文 (context) 中执行图. • 使用 tensor 表示数据. • 通过 变量 (Variable) 维护状态. • 使用 feed 和 fetch 可以为任意的操作(arbitrary operation) 赋值或者从其中获取数据 综述 Ten…

Git 版本管理

相关文章 版本管理 github访问太慢解决方案 Material for git workshop GitHub秘籍 安装-Git版本管理 Git官网安装说明 Linux 系统安装 # 如果你的 Linux 是 Ubuntu: $ sudo apt-get install git-all# 如果你的 Linux 是 Fedora: $ sudo yum install git-all 如果是其他…

tensorflow:Multiple GPUs

深度学习theano/tensorflow多显卡多人使用问题集 tensorflow中使用指定的GPU及GPU显存 Using GPUs petewarden/tensorflow_makefile tf_gpu_manager/manager.py 多GPU运行Deep Learning 和 并行Deep Learning(待续) Multiple GPUs 1. 终端执行程序…

Tensorflow一些常用基本概念与函数

参考文献 Tensorflow一些常用基本概念与函数 http://www.cnblogs.com/wuzhitj/archive/2017/03.html Tensorflow笔记:常用函数说明: http://blog.csdn.net/u014595019/article/details/52805444 Tensorflow一些常用基本概念与函数(1&#…

ubuntu16.04 Nvidia 显卡的风扇调速及startx的后果

问题描述 #查看nvdia GPU 显卡状态 watch -n 10 nvidia-smi 发现显卡Tesla k40c的温度已经达到74,转速仅仅只有49%。 查看Tesla产品资料,Tesla K40 工作站加速卡规格 ,可知 所以需要调整风扇速度来降温。 然而官方驱动面板里也没有了风扇调…

Python函数式编程-map()、zip()、filter()、reduce()、lambda()

三个函数比较类似,都是应用于序列的内置函数。常见的序列包括list、tuple、str map函数 map函数会根据提供的函数对指定序列做映射。 map函数的定义: map(function, sequence[, sequence, ...]) -> list map()函数接收两个参数,一个是函…

Kaggle : Using a Convolutional Neural Network for classifying Cats vs Dogs

数据下载 https://www.kaggle.com/c/dogs-vs-cats-redux-kernels-edition/data Part 1 - Preprocessing #Package Requirements #!/usr/bin/python2 # -*- coding: UTF-8 -*- import cv2 # working with, mainly resizing, images import numpy as np …

李宏毅机器学习课程1~~~Introduction Regression

机器学习介绍 机器学习就是要找一个函数。 机器学习的三大要素框架:训练集,函数集(模型集),损失函数集。 机器学习图谱 AI训练师的成长之路。 1. 梯度下降法的理解Gradient Descent 参数变化的方向就是损失函数减少的方…

李宏毅机器学习课程2~~~误差从哪里来?

Stanford机器学习—第六讲. 怎样选择机器学习方法、系统 误差来源 误差主要来自于偏差和方差。 数学上定义: 通过covariate X 预测 Y ,我们假设存在如下关系: Y f(X) ϵ 满足正态分布均值为0 方差σϵ 模型预测错误定义为: …