国产xxxx99真实实拍_久久不雅视频_高清韩国a级特黄毛片_嗯老师别我我受不了了小说

資訊專欄INFORMATION COLUMN

Python--matplotlib繪圖可視化知識(shí)點(diǎn)整理

nifhlheimr / 633人閱讀

摘要:本文作為學(xué)習(xí)過程中對(duì)一些常用知識(shí)點(diǎn)的整理,方便查找。所有繪圖操作僅對(duì)當(dāng)前圖和當(dāng)前坐標(biāo)有效。表示把圖標(biāo)分割成的網(wǎng)格。每個(gè)對(duì)象都是一個(gè)擁有自己坐標(biāo)系統(tǒng)的繪圖區(qū)域。避免比例壓縮為橢圓數(shù)據(jù)可視化入門教程繪圖核心剖析如何調(diào)整子圖的大小

本文作為學(xué)習(xí)過程中對(duì)matplotlib一些常用知識(shí)點(diǎn)的整理,方便查找。

強(qiáng)烈推薦ipython
無論你工作在什么項(xiàng)目上,IPython都是值得推薦的。利用ipython --pylab,可以進(jìn)入PyLab模式,已經(jīng)導(dǎo)入了matplotlib庫(kù)與相關(guān)軟件包(例如Numpy和Scipy),額可以直接使用相關(guān)庫(kù)的功能。

這樣IPython配置為使用你所指定的matplotlib GUI后端(TK/wxPython/PyQt/Mac OS X native/GTK)。對(duì)于大部分用戶而言,默認(rèn)的后端就已經(jīng)夠用了。Pylab模式還會(huì)向IPython引入一大堆模塊和函數(shù)以提供一種更接近MATLAB的界面。

參考

matplotlib-繪制精美的圖表

matplotlib.pyplot.plt參數(shù)介紹

import matplotlib.pyplot as plt
labels="frogs","hogs","dogs","logs"
sizes=15,20,45,10
colors="yellowgreen","gold","lightskyblue","lightcoral"
explode=0,0.1,0,0
plt.pie(sizes,explode=explode,labels=labels,colors=colors,autopct="%1.1f%%",shadow=True,startangle=50)
plt.axis("equal")
plt.show()
matplotlib圖標(biāo)正常顯示中文

為了在圖表中能夠顯示中文和負(fù)號(hào)等,需要下面一段設(shè)置:

import matplotlib mpl
mpl.rcParams["font.sans-serif"]=["SimHei"] #用來正常顯示中文標(biāo)簽
mpl.rcParams["axes.unicode_minus"]=False #用來正常顯示負(fù)號(hào)

這種方法能夠奏效的條件是電腦上有simhei字體。

matplotlib inline和pylab inline

可以使用ipython --pylab打開ipython命名窗口。

%matplotlib inline  #notebook模式下
%pylab inline    #ipython模式下

這兩個(gè)命令都可以在繪圖時(shí),將圖片內(nèi)嵌在交互窗口,而不是彈出一個(gè)圖片窗口,但是,有一個(gè)缺陷:除非將代碼一次執(zhí)行,否則,無法疊加繪圖,因?yàn)樵谶@兩種模式下,是要有plt出現(xiàn),圖片會(huì)立馬show出來,因此:

推薦在ipython notebook時(shí)使用,這樣就能很方便的一次編輯完代碼,繪圖。

為項(xiàng)目設(shè)置matplotlib參數(shù)

在代碼執(zhí)行過程中,有兩種方式更改參數(shù):

使用參數(shù)字典(rcParams)

調(diào)用matplotlib.rc()命令 通過傳入關(guān)鍵字元祖,修改參數(shù)

如果不想每次使用matplotlib時(shí)都在代碼部分進(jìn)行配置,可以修改matplotlib的文件參數(shù)??梢杂萌缦旅顏碚业疆?dāng)前用戶的配置文件目錄。

import matplotlib  
matplotlib.get_data_path()

得到配置文件夾,其中有font文件夾。

配置文件包括以下配置項(xiàng):

axex: 設(shè)置坐標(biāo)軸邊界和表面的顏色、坐標(biāo)刻度值大小和網(wǎng)格的顯示
backend: 設(shè)置目標(biāo)暑促TkAgg和GTKAgg
figure: 控制dpi、邊界顏色、圖形大小、和子區(qū)( subplot)設(shè)置
font: 字體集(font family)、字體大小和樣式設(shè)置
grid: 設(shè)置網(wǎng)格顏色和線性
legend: 設(shè)置圖例和其中的文本的顯示
line: 設(shè)置線條(顏色、線型、寬度等)和標(biāo)記
patch: 是填充2D空間的圖形對(duì)象,如多邊形和圓??刂凭€寬、顏色和抗鋸齒設(shè)置等。
savefig: 可以對(duì)保存的圖形進(jìn)行多帶帶設(shè)置。例如,設(shè)置渲染的文件的背景為白色。
verbose: 設(shè)置matplotlib在執(zhí)行期間信息輸出,如silent、helpful、debug和debug-annoying。
xticks和yticks: 為x,y軸的主刻度和次刻度設(shè)置顏色、大小、方向,以及標(biāo)簽大小。

線條相關(guān)屬性標(biāo)記設(shè)置 用來該表線條的屬性
線條風(fēng)格linestyle或ls 描述 線條風(fēng)格linestyle或ls 描述
"-" 實(shí)線 ":" 虛線
"--" 破折線 "None"," ","" 什么都不畫
"-." 點(diǎn)劃線
線條標(biāo)記
標(biāo)記maker 描述 標(biāo)記 描述
"o" 圓圈 "." 點(diǎn)
"D" 菱形 "s" 正方形
"h" 六邊形1 "*" 星號(hào)
"H" 六邊形2 "d" 小菱形
"_" 水平線 "v" 一角朝下的三角形
"8" 八邊形 "<" 一角朝左的三角形
"p" 五邊形 ">" 一角朝右的三角形
"," 像素 "^" 一角朝上的三角形
"+" 加號(hào) " " 豎線
"None",""," " "x" X
顏色

可以通過調(diào)用matplotlib.pyplot.colors()得到matplotlib支持的所有顏色。

別名 顏色 別名 顏色
b 藍(lán)色 g 綠色
r 紅色 y 黃色
c 青色 k 黑色
m 洋紅色 w 白色

如果這兩種顏色不夠用,還可以通過兩種其他方式來定義顏色值:

使用HTML十六進(jìn)制字符串 color="eeefff" 使用合法的HTML顏色名字("red","chartreuse"等)。

也可以傳入一個(gè)歸一化到[0,1]的RGB元祖。 color=(0.3,0.3,0.4)

很多方法可以介紹顏色參數(shù),如title()。
plt.tilte("Title in a custom color",color="#123456")

背景色

通過向如matplotlib.pyplot.axes()或者matplotlib.pyplot.subplot()這樣的方法提供一個(gè)axisbg參數(shù),可以指定坐標(biāo)這的背景色。

subplot(111,axisbg=(0.1843,0.3098,0.3098)

基礎(chǔ)

如果你向plot()指令提供了一維的數(shù)組或列表,那么matplotlib將默認(rèn)它是一系列的y值,并自動(dòng)為你生成x的值。默認(rèn)的x向量從0開始并且具有和y同樣的長(zhǎng)度,因此x的數(shù)據(jù)是[0,1,2,3].

圖片來自:繪圖: matplotlib核心剖析

確定坐標(biāo)范圍

plt.axis([xmin, xmax, ymin, ymax])
上面例子里的axis()命令給定了坐標(biāo)范圍。

xlim(xmin, xmax)和ylim(ymin, ymax)來調(diào)整x,y坐標(biāo)范圍

%matplotlib inline
import numpy as np
import matplotlib.pyplot as plt
from pylab import *

x = np.arange(-5.0, 5.0, 0.02)
y1 = np.sin(x)

plt.figure(1)
plt.subplot(211)
plt.plot(x, y1)

plt.subplot(212)
#設(shè)置x軸范圍
xlim(-2.5, 2.5)
#設(shè)置y軸范圍
ylim(-1, 1)
plt.plot(x, y1)

疊加圖

用一條指令畫多條不同格式的線。

import numpy as np
import matplotlib.pyplot as plt

# evenly sampled time at 200ms intervals
t = np.arange(0., 5., 0.2)

# red dashes, blue squares and green triangles
plt.plot(t, t, "r--", t, t**2, "bs", t, t**3, "g^")
plt.show()

plt.figure()

你可以多次使用figure命令來產(chǎn)生多個(gè)圖,其中,圖片號(hào)按順序增加。這里,要注意一個(gè)概念當(dāng)前圖和當(dāng)前坐標(biāo)。所有繪圖操作僅對(duì)當(dāng)前圖和當(dāng)前坐標(biāo)有效。通常,你并不需要考慮這些事,下面的這個(gè)例子為大家演示這一細(xì)節(jié)。

import matplotlib.pyplot as plt
plt.figure(1)                # 第一張圖
plt.subplot(211)             # 第一張圖中的第一張子圖
plt.plot([1,2,3])
plt.subplot(212)             # 第一張圖中的第二張子圖
plt.plot([4,5,6])


plt.figure(2)                # 第二張圖
plt.plot([4,5,6])            # 默認(rèn)創(chuàng)建子圖subplot(111)

plt.figure(1)                # 切換到figure 1 ; 子圖subplot(212)仍舊是當(dāng)前圖
plt.subplot(211)             # 令子圖subplot(211)成為figure1的當(dāng)前圖
plt.title("Easy as 1,2,3")   # 添加subplot 211 的標(biāo)題

figure感覺就是給圖像ID,之后可以索引定位到它。

plt.text()添加文字說明

text()可以在圖中的任意位置添加文字,并支持LaTex語(yǔ)法

xlable(), ylable()用于添加x軸和y軸標(biāo)簽

title()用于添加圖的題目

import numpy as np
import matplotlib.pyplot as plt

mu, sigma = 100, 15
x = mu + sigma * np.random.randn(10000)

# 數(shù)據(jù)的直方圖
n, bins, patches = plt.hist(x, 50, normed=1, facecolor="g", alpha=0.75)


plt.xlabel("Smarts")
plt.ylabel("Probability")
#添加標(biāo)題
plt.title("Histogram of IQ")
#添加文字
plt.text(60, .025, r"$mu=100, sigma=15$")
plt.axis([40, 160, 0, 0.03])
plt.grid(True)
plt.show()


text中前兩個(gè)參數(shù)感覺應(yīng)該是文本出現(xiàn)的坐標(biāo)位置。

plt.annotate()文本注釋

在數(shù)據(jù)可視化的過程中,圖片中的文字經(jīng)常被用來注釋圖中的一些特征。使用annotate()方法可以很方便地添加此類注釋。在使用annotate時(shí),要考慮兩個(gè)點(diǎn)的坐標(biāo):被注釋的地方xy(x, y)和插入文本的地方xytext(x, y)。1

import numpy as np
import matplotlib.pyplot as plt

ax = plt.subplot(111)

t = np.arange(0.0, 5.0, 0.01)
s = np.cos(2*np.pi*t)
line, = plt.plot(t, s, lw=2)

plt.annotate("local max", xy=(2, 1), xytext=(3, 1.5),
            arrowprops=dict(facecolor="black", shrink=0.05),
            )

plt.ylim(-2,2)
plt.show()

plt.xticks()/plt.yticks()設(shè)置軸記號(hào)

現(xiàn)在是明白干嘛用的了,就是人為設(shè)置坐標(biāo)軸的刻度顯示的值。

# 導(dǎo)入 matplotlib 的所有內(nèi)容(nympy 可以用 np 這個(gè)名字來使用)
from pylab import *

# 創(chuàng)建一個(gè) 8 * 6 點(diǎn)(point)的圖,并設(shè)置分辨率為 80
figure(figsize=(8,6), dpi=80)

# 創(chuàng)建一個(gè)新的 1 * 1 的子圖,接下來的圖樣繪制在其中的第 1 塊(也是唯一的一塊)
subplot(1,1,1)

X = np.linspace(-np.pi, np.pi, 256,endpoint=True)
C,S = np.cos(X), np.sin(X)

# 繪制余弦曲線,使用藍(lán)色的、連續(xù)的、寬度為 1 (像素)的線條
plot(X, C, color="blue", linewidth=1.0, linestyle="-")

# 繪制正弦曲線,使用綠色的、連續(xù)的、寬度為 1 (像素)的線條
plot(X, S, color="r", lw=4.0, linestyle="-")

plt.axis([-4,4,-1.2,1.2])
# 設(shè)置軸記號(hào)

xticks([-np.pi, -np.pi/2, 0, np.pi/2, np.pi],
       [r"$-pi$", r"$-pi/2$", r"$0$", r"$+pi/2$", r"$+pi$"])

yticks([-1, 0, +1],
       [r"$-1$", r"$0$", r"$+1$"])
# 在屏幕上顯示
show()


當(dāng)我們?cè)O(shè)置記號(hào)的時(shí)候,我們可以同時(shí)設(shè)置記號(hào)的標(biāo)簽。注意這里使用了 LaTeX。2

移動(dòng)脊柱 坐標(biāo)系
ax = gca()
ax.spines["right"].set_color("none")
ax.spines["top"].set_color("none")
ax.xaxis.set_ticks_position("bottom")
ax.spines["bottom"].set_position(("data",0))
ax.yaxis.set_ticks_position("left")
ax.spines["left"].set_position(("data",0))

這個(gè)地方確實(shí)沒看懂,囧,以后再說吧,感覺就是移動(dòng)了坐標(biāo)軸的位置。

plt.legend()添加圖例
plot(X, C, color="blue", linewidth=2.5, linestyle="-", label="cosine")
plot(X, S, color="red",  linewidth=2.5, linestyle="-", label="sine")

legend(loc="upper left")

matplotlib.pyplot

使用plt.style.use("ggplot")命令,可以作出ggplot風(fēng)格的圖片。

# Import necessary packages
import pandas as pd
%matplotlib inline
import matplotlib.pyplot as plt
plt.style.use("ggplot")
from sklearn import datasets
from sklearn import linear_model
import numpy as np
# Load data
boston = datasets.load_boston()
yb = boston.target.reshape(-1, 1)
Xb = boston["data"][:,5].reshape(-1, 1)
# Plot data
plt.scatter(Xb,yb)
plt.ylabel("value of house /1000 ($)")
plt.xlabel("number of rooms")
# Create linear regression object
regr = linear_model.LinearRegression()
# Train the model using the training sets
regr.fit( Xb, yb)
# Plot outputs
plt.scatter(Xb, yb,  color="black")
plt.plot(Xb, regr.predict(Xb), color="blue",
         linewidth=3)
plt.show()

給特殊點(diǎn)做注釋

好吧,又是注釋,多個(gè)例子參考一下!

我們希望在 2π/32π/3 的位置給兩條函數(shù)曲線加上一個(gè)注釋。首先,我們?cè)趯?duì)應(yīng)的函數(shù)圖像位置上畫一個(gè)點(diǎn);然后,向橫軸引一條垂線,以虛線標(biāo)記;最后,寫上標(biāo)簽。

t = 2*np.pi/3
# 作一條垂直于x軸的線段,由數(shù)學(xué)知識(shí)可知,橫坐標(biāo)一致的兩個(gè)點(diǎn)就在垂直于坐標(biāo)軸的直線上了。這兩個(gè)點(diǎn)是起始點(diǎn)。
plot([t,t],[0,np.cos(t)], color ="blue", linewidth=2.5, linestyle="--")
scatter([t,],[np.cos(t),], 50, color ="blue")

annotate(r"$sin(frac{2pi}{3})=frac{sqrt{3}}{2}$",
         xy=(t, np.sin(t)), xycoords="data",
         xytext=(+10, +30), textcoords="offset points", fontsize=16,
         arrowprops=dict(arrowstyle="->", connectionstyle="arc3,rad=.2"))

plot([t,t],[0,np.sin(t)], color ="red", linewidth=2.5, linestyle="--")
scatter([t,],[np.sin(t),], 50, color ="red")

annotate(r"$cos(frac{2pi}{3})=-frac{1}{2}$",
         xy=(t, np.cos(t)), xycoords="data",
         xytext=(-90, -50), textcoords="offset points", fontsize=16,
         arrowprops=dict(arrowstyle="->", connectionstyle="arc3,rad=.2"))

plt.subplot()

plt.subplot(2,3,1)表示把圖標(biāo)分割成2*3的網(wǎng)格。也可以簡(jiǎn)寫plt.subplot(231)。其中,第一個(gè)參數(shù)是行數(shù),第二個(gè)參數(shù)是列數(shù),第三個(gè)參數(shù)表示圖形的標(biāo)號(hào)。

plt.axes()

我們先來看什么是Figure和Axes對(duì)象。在matplotlib中,整個(gè)圖像為一個(gè)Figure對(duì)象。在Figure對(duì)象中可以包含一個(gè),或者多個(gè)Axes對(duì)象。每個(gè)Axes對(duì)象都是一個(gè)擁有自己坐標(biāo)系統(tǒng)的繪圖區(qū)域。其邏輯關(guān)系如下34

plt.axes-官方文檔

axes() by itself creates a default full subplot(111) window axis.

axes(rect, axisbg="w") where rect = [left, bottom, width, height] in normalized (0, 1) units. axisbg is the background color for the axis, default white.

axes(h) where h is an axes instance makes h the current axis. An Axes instance is returned.

rect=[左, 下, 寬, 高] 規(guī)定的矩形區(qū)域,rect矩形簡(jiǎn)寫,這里的數(shù)值都是以figure大小為比例,因此,若是要兩個(gè)axes并排顯示,那么axes[2]的左=axes[1].左+axes[1].寬,這樣axes[2]才不會(huì)和axes[1]重疊。

show code:

http://matplotlib.org/examples/pylab_examples/axes_demo.html

import matplotlib.pyplot as plt
import numpy as np

# create some data to use for the plot
dt = 0.001
t = np.arange(0.0, 10.0, dt)
r = np.exp(-t[:1000]/0.05)               # impulse response
x = np.random.randn(len(t))
s = np.convolve(x, r)[:len(x)]*dt  # colored noise

# the main axes is subplot(111) by default
plt.plot(t, s)
plt.axis([0, 1, 1.1*np.amin(s), 2*np.amax(s)])
plt.xlabel("time (s)")
plt.ylabel("current (nA)")
plt.title("Gaussian colored noise")

# this is an inset axes over the main axes
a = plt.axes([.65, .6, .2, .2], axisbg="y")
n, bins, patches = plt.hist(s, 400, normed=1)
plt.title("Probability")
plt.xticks([])
plt.yticks([])

# this is another inset axes over the main axes
a = plt.axes([0.2, 0.6, .2, .2], axisbg="y")
plt.plot(t[:len(r)], r)
plt.title("Impulse response")
plt.xlim(0, 0.2)
plt.xticks([])
plt.yticks([])

plt.show()

pyplot.pie參數(shù)

matplotlib.pyplot.pie

colors顏色

找出matpltlib.pyplot.plot中的colors可以取哪些值?

so-Named colors in matplotlib

CSDN-matplotlib學(xué)習(xí)之(四)設(shè)置線條顏色、形狀

for name,hex in matplotlib.colors.cnames.iteritems():
    print name,hex

打印顏色值和對(duì)應(yīng)的RGB值。

plt.axis("equal")避免比例壓縮為橢圓

autopct

How do I use matplotlib autopct?

autopct enables you to display the percent value using Python string formatting. For example, if autopct="%.2f", then for each pie wedge, the format string is "%.2f" and the numerical percent value for that wedge is pct, so the wedge label is set to the string "%.2f"%pct.

DataHub-Python 數(shù)據(jù)可視化入門1 ?

Matplotlib 教程 ?

繪圖: matplotlib核心剖析 ?

python如何調(diào)整子圖的大小? ?

文章版權(quán)歸作者所有,未經(jīng)允許請(qǐng)勿轉(zhuǎn)載,若此文章存在違規(guī)行為,您可以聯(lián)系管理員刪除。

轉(zhuǎn)載請(qǐng)注明本文地址:http://specialneedsforspecialkids.com/yun/37927.html

相關(guān)文章

  • python matplotlib 中文顯示參數(shù)設(shè)置

    摘要:最近在學(xué)習(xí)著名的繪圖包時(shí)發(fā)現(xiàn),有時(shí)候圖例等設(shè)置無法正常顯示中文,于是就想把這個(gè)問題解決了。原因大致就是庫(kù)中沒有中文字體。 最近在學(xué)習(xí)python著名的繪圖包matplotlib時(shí)發(fā)現(xiàn),有時(shí)候圖例等設(shè)置無法正常顯示中文,于是就想把這個(gè)問題解決了。 PS:本文僅針對(duì)Windows,其他平臺(tái)僅供參考。 原因 大致就是matplotlib庫(kù)中沒有中文字體。1我安裝的anaconda,這是對(duì)應(yīng)的...

    Pocher 評(píng)論0 收藏0
  • Python Matplotlib marker詳細(xì)解答

      Python Matplotlib marker作為一種可視化的拓展庫(kù),里面的內(nèi)容還是比較的豐富的,那么,就一些具體詳細(xì)的內(nèi)容,下面就給大家去做一個(gè)詳細(xì)的解答,請(qǐng)仔細(xì)閱讀下文。  前言  Matplotlib,風(fēng)格類似Matlab的基于Python的圖表繪圖系統(tǒng)。Matplotlib是Python最著名的繪圖庫(kù),它提供了一整套和Matlab相似的命令A(yù)PI,十分適合交互式地進(jìn)行制圖。而且也可以...

    89542767 評(píng)論0 收藏0
  • 怎么用Python matplotlib庫(kù)解決畫圖中出現(xiàn)中文和顯示顯示成方框的的問題

      小編寫這篇文章的一個(gè)最為主要的目的,就是去給大家去做一個(gè)解釋,解釋關(guān)于在python中的一些問題,甚至是出現(xiàn)的各種相關(guān)的疑難雜癥問題,比如出現(xiàn)了中文負(fù)數(shù)的問題,下面小編就給大家詳細(xì)的去做一個(gè)解答?! 〗鉀QPython中matplotlib庫(kù)畫圖中文和負(fù)號(hào)顯示為方框的問題  注意:  語(yǔ)言版本:Python 3.10.4  編譯器版本:PyCharm 2021.3.2  操作系統(tǒng):Win11  ...

    89542767 評(píng)論0 收藏0
  • 圖片處理看這篇就完了「GitHub 熱點(diǎn)速覽 v.21.48」

    摘要:作者小魚干圖像處理一直是個(gè)實(shí)用且熱門的研究領(lǐng)域,而本周的項(xiàng)目則多個(gè)圖像項(xiàng)目上榜。最后是用途更廣的圖片壓縮工具,的復(fù)雜度僅為它能快速對(duì)圖片進(jìn)行無損壓縮。作者:HelloGitHub-小魚干圖像處理一直是個(gè)實(shí)用且熱門的研究領(lǐng)域,而本周的 GitHub 項(xiàng)目則多個(gè)圖像項(xiàng)目上榜。先是勉強(qiáng)和圖像處理搭邊的渲染引擎 Filament,它能渲染出效果極佳的 3D 實(shí)物圖。再是去年很火的聲稱漫畫風(fēng)圖片的 A...

    不知名網(wǎng)友 評(píng)論0 收藏0

發(fā)表評(píng)論

0條評(píng)論

最新活動(dòng)
閱讀需要支付1元查看
<