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,一经查实,立即删除!

相关文章

python -pass的用法

空语句 熟悉C/C的经常会这样写判断语句: if(ture)expression; else;//do nothing 那在Python里面怎么去表达空语句呢,这时候就用到了pass。 number input(请输入一个数) if number 5:print(your numbers is 5) else:pass 实际…

python -lambda表达式的用法

匿名函数 lambda的意义: 利用lambda我们可以速写函数,不用去定义函数就可以直接使用 y lambda x,z:59*x8*z print(y(2,4)) 从例子中可以看到,lambda的语法结构是: lambda input : output expression lambda的用法比较简单&…

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…

shutil.rmtree()

描述 shutil.rmtree() #递归地删除文件 如果存在以下树结构 - user- tester- noob- developer- guru 即 user 目录下存在多级子目录 如果要递归删除user\tester 目录的内容,可使用shutil.rmtree()函数 import shutil shutil.rmtree(ruser\tester) mkdir -p fo…

The ntpath module

ntpath module用法示例 import ntpath file "/my/little/pony"print "isabs", ">", ntpath.isabs(file) print "dirname", ">", ntpath.dirname(file) print "basename", ">", ntpath.basena…

python中的glob 模块学习文件路径查找

glob glob.glob(pathname), 返回所有匹配的文件路径列表。它只有一个参数pathname,定义了文件路径匹配规则,这里可以是绝对路径,也可以是相对路径。 import glob glob.glob(rc:/*.txt) 这里就是获得C盘下的所有txt文件glob.glob(…

python os模块 常用命令

os 模块用法示例 python编程时,经常和文件、目录打交道,这是就离不了os模块。os模块包含普遍的操作系统功能,与具体的平台无关。以下列举常用的命令 1. os.name()——判断现在正在实用的平台,Windows 返回 ‘nt; Linux 返回’pos…

pandas.DataFrame.iterrows

iterrows DataFrame.iterrows()[source] Iterate over DataFrame rows as (index, Series) pairs. 迭代(iterate)覆盖整个DataFrame的行中,返回(index, Series)对>>> df pd.DataFrame([[1, 1.5]], columns[int, float]) >>> row next(df.iterr…

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…

Python 进度条 tqdm

用法 tqdm(读音:taqadum, تقدّم)在阿拉伯语中的意思是进展。tqdm可以在长循环中添加一个进度提示信息,用户只需要封装任意的迭代器 tqdm(iterator),是一个快速、扩展性强的进度条工具库。 from tqdm import tqdm…

sublime-text-3设置输入中文方法

以下方法在 ubutun16.04 中亲测可行,subl版本为 3126 。 一.下载源文件 源文件github链接地址为 https://github.com/jfcherng/my_scripts 或见CSDN下载。 二.安装fcitx输入法 打开终端,输入命令 sudo apt-get install -y fcitx fcitx-im 安装 fcitx…

你真的懂TensorFlow吗?Tensor是神马?为什么还会Flow?

本文的ipynb 格式见CSDN下载。 0维张量/标量 标量是一个数字 1维张量/向量 1维张量称为“向量”。 2维张量 2维张量称为矩阵 3维张量 公用数据存储在张量 时间序列数据 股价 文本数据 图片 彩色图片 5D张量 结论 实际上,你可以使用一个数字的张量&…

标签传播算法(Label Propagation)及Python实现

半监督学习(Semi-supervised learning)发挥作用的场合是:你的数据有一些有label,一些没有。而且一般是绝大部分都没有,只有少许几个有label。半监督学习算法会充分的利用unlabeled数据来捕捉我们整个数据的潜在分布。它…

UFLDL教程: Exercise: Sparse Autoencoder

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

概率图模型: Coursera课程资源分享和简介

本博客中概率图模型(Probabilistic Graphical Model)系列笔记以 Stanford 教授 Daphne Koller 的公开课 Probabilistic Graphical Model 为主线,结合资料(每篇博文脚注都附有链接)加以补充. 为便于对照课程查阅&#x…

UFLDL教程:Exercise:Vectorization

载入数据并显示 Deep Learning and Unsupervised Feature Learning Tutorial Solutions 下载MINIST数据集及加载数据集的函数。MINIST数据集的介绍。 % Change the filenames if youve saved the files under different names % On some platforms, the files might be saved…

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.由于实际应用中找到大量有标注的样本是非常困难的,所…