Python 中的绘图matplotlib mayavi库

这里写图片描述


python matplotlib 图像可视化
python-data-visualization-course
Interactive Web Plotting for Python
Interactive Web Plotting for Python-github

待整理的

Matplotlib
Introduction to Matplotlib and basic line

matplotlib——一个 2D 绘图库,可产生出版物质量的图表 http://matplotlib.org/


matplotlib库则能够快速地绘制精美的图表、以多种格式输出,并且带有简单的3D绘图的功能。

matplotlib官方网址: http://matplotlib.sourceforge.net

Introduction to Matplotlib and basic line


figures and axes


import matplotlib.pyplot as plt
fig = plt.figure(figsize=(5, 2), facecolor='black')
ax = fig.add_subplot(3, 2, 2)
fig, axes = plt.subplots(5, 2, figsize=(5, 5))
ax = fig.add_axes([left, bottom, width, height])

figures and axes properities


fig.suptitle('title')   # big figure title
fig.subplots_adjust(bottom = 0.1, right=0.8, top=0.9, wspace=0.2, hspce=0.5)
fig.tight_layout(pad=0.1, h_pad=0.5, w_pad=0.5, rect=None)
ax.set_xlabel('xbla')
ax.set_ylabel('ybla')
ax.set_xlim(1, 2)  #sets x limits
ax.set_ylim(3,4)   #set y limimits
ax.set_title('blabla')
ax.set(xlable='bla')
ax.legend(loc='upper center')
ax.grid(True, which='both')
bbox = ax.get_position()
bbox.xo + bbox.width

plotting routines


ax.plot(x,y, '-o', c='red', lw=2, lable='bla')
ax.scatter(x,y, s=20, c=color)
ax.pcolormesh(xx, yy, zz, shading ='gouraud')
ax.colormesh(xx, yy, zz, norm=norm)
ax.contour(xx, yy, zz, cmap='jet')
ax.contourf(xx, yy, zz, vmin=2, vmax=4)
n, bins, patch = ax,hist(x, 50)
ax.imshow(matrix, origin ='lower', extent(x1, x2, y1, y2))
ax.specgram(y, FS=0.1, noverlap=128, scale ='linear')

2D绘图


#序之前的代码
def functionI(fi,ks,n,a,e0):return e0*ks*((-350*np.sin(fi)+(700*np.sqrt(3)/2)*np.cos(fi))**n)*a*a*np.cos(fi)
from matplotlib import pyplot as plt
plt.figure(1)
#图1:n不变,ks变化
#fi的取值范围 0-pi/2,分100个点
fi = np.linspace(0,np.pi/2,100)
ax1 = plt.subplot(211)
plt.sca(ax1)
#ks = 0.1-0.9 n=5
for ks in range(1,10):ks = ks*0.1plt.plot(fi,functionI(fi,ks,3,1,e0),label='ks='+str(ks))plt.legend(loc='upper right',bbox_to_anchor = (1, 1.15))
plt.xlabel(u'角度fi')
plt.ylabel(u'n=5,ks变化   辐射强度I')
ax2 = plt.subplot(212)#ks = 0.5,n=2-10
for n in range(2,11):plt.plot(fi,functionI(fi,0.5,n,1,e0),label='n='+str(n))plt.legend(loc='upper right',bbox_to_anchor = (1, 1.15))
plt.xlabel(u'角度fi')
plt.ylabel(u'ks=0.5,n变化   辐射强度I')
plt.show()

np.linspace:构造线性list,用来取点,其实画函数图像的本质就是画很多点,然后连接起来。
plt.figure:运行以后,一个figure对应一个plt.show(),其实就是对应一个窗口。
plt.subplot:一个figure里有多少个图像(坐标轴),每次运行这个返回一个ax坐标轴对象,每次走完这行代码,就选中这个ax,接下来的操作都是在这个ax上完成的。
plt.legend:图例显示。
以上函数的所有的参数都可以在matplotlib参考文档中找到。


3D建模


import numpy as np
from mayavi import mlab
x, y = np.mgrid[-3:3:150j,-3:3:150j]
z =x**2+y**2+2
surf = mlab.surf(x, y, z, colormap='RdYlBu', warp_scale='auto')
surf.actor.property.interpolation = 'phong'
#对应参数表面反射率和n高光系数
surf.actor.property.specular = 0.5 #ks
surf.actor.property.specular_power = 2 #n
mlab.show()

References


Python科学计算和绘图入门

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

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

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

相关文章

ubuntu 16.04 配置Python2.7 和 Python3.5 同时调用OpenCV

安装OpenCV OpenCV 官网,下载见 SourceForge and GitHub。 若使用官网版本安装不成功,则可试试Github版本。 或者 git clone https://github.com/Itseez/opencv.git 安装依赖库 sudo apt-get -y install libopencv-dev sudo apt-get -y install bui…

生成特定分布随机数的方法:Python seed() 函数numpy scikit-learn随机数据生成

描述 seed() 方法改变随机数生成器的种子,可以在调用其他随机模块函数之前调用此函数。。 语法 以下是 seed() 方法的语法: import random random.seed ( [x] ) 注意:seed(()是不能直接访问的,需要导入 random 模块,然后通过 ra…

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

插值 Bilinear interpolation would be order1, nearest is order0, and cubic is the default (order3). 举例说明 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 i…

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()函数接收两个参数,一个是函…