Python資料分析與展示之『Numpy』

古月弧發表於2020-12-25

尋找志同道合的學習夥伴,請訪問我的個人網頁.
該內容同步釋出在CSDN耳殼網.

涉及到 Numpy、Matplotlib以及Pandas的使用,旨在掌握資料表示、清洗、統計和展示的能力。當今無論是科研人員還是職場人士,資料處理能力都是必備的一項技能,玩好了必定會為自己加分。

內容比較多,準備分為三篇文章連載,合集釋出在我的 Github 裡,文件是用 jupyter 寫的,所有更適合在 Github 裡看,歡迎Star關注。

一、 NumPy 篇

資料維度表示

  • 一維資料:列表或集合型別
  • 二維資料:列表
  • 多維資料:列表

資料格式

  • JSON
  • XML
  • YAML
# 匯入NumPy庫
import numpy as np
# 計算 a + b
#原始方式
a = [1, 2, 3, 4]
b = [9, 8, 7, 6]
c = []
for i in range(len(a)):
    c.append(a[i]**2 + b[i]**2)
print(c)
[82, 68, 58, 52]
# 計算 a + b
# numpy實現
a = np.array([1, 2, 3, 4])
b = np.array([9, 8, 7, 6])
c = a**2 + b**2
print(c)
[82 68 58 52]

綜上,

  • 陣列物件可以去掉元素間運算所需的迴圈,使一維向量更像單個資料(向量化)
  • 設定專門的陣列物件,經過優化,可以提升這類應用的運算速度(提升運算速度)

ndarray物件屬性

  • .ndim:秩,即軸的數量或維度的數量
  • .shape:ndarray物件的尺度,對於矩陣,n行m列
  • .size:ndarray物件元素的個數,相當於.shape中n*m的值
  • .dtype:ndarray物件的元素型別
  • .itemsize:ndarray物件中每個元素的大小,以位元組為單位
a = np.array([[0, 1, 2, 3, 4],
             [9, 8, 7, 6, 5]])
a.shap  e
(2, 5)
a.size
10

建立 ndarray

  • 從Python中的列表、元組等型別建立ndarray陣列
  • 使用NumPy中函式建立ndarray陣列,如:arange, ones, zeros等
    • np.arange(n):元素從0到n‐1
    • np.ones(shape):生成一個全1陣列,shape是元組型別
    • np.zeros(shape)
    • np.full(shape,val):根據shape生成一個陣列,每個元素值都是val
    • np.eye(n):建立一個正方的n*n單位矩陣,對角線為1,其餘為0
  • 從位元組流(raw bytes)中建立ndarray陣列
  • 從檔案中讀取特定格式,建立ndarray陣列
np.arange(10)
array([0, 1, 2, 3, 4, 5, 6, 7, 8, 9])
np.ones((3, 4))
array([[1., 1., 1., 1.],
       [1., 1., 1., 1.],
       [1., 1., 1., 1.]])
np.zeros((2, 3))
array([[0., 0., 0.],
       [0., 0., 0.]])
np.full((3, 4), 6)
array([[6, 6, 6, 6],
       [6, 6, 6, 6],
       [6, 6, 6, 6]])
np.eye(3)
array([[1., 0., 0.],
       [0., 1., 0.],
       [0., 0., 1.]])
np.ones((2, 3, 4))
array([[[1., 1., 1., 1.],
        [1., 1., 1., 1.],
        [1., 1., 1., 1.]],

       [[1., 1., 1., 1.],
        [1., 1., 1., 1.],
        [1., 1., 1., 1.]]])
  • np.ones_like(a) 根據陣列a的形狀生成一個全1陣列
  • np.zeros_like(a) 根據陣列a的形狀生成一個全0陣列
  • np.full_like(a,val) 根據陣列a的形狀生成一個陣列,每個元素值都是val
a = np.eye(4)
print(a)
[[1. 0. 0. 0.]
 [0. 1. 0. 0.]
 [0. 0. 1. 0.]
 [0. 0. 0. 1.]]
np.ones_like(a)
array([[1., 1., 1., 1.],
       [1., 1., 1., 1.],
       [1., 1., 1., 1.],
       [1., 1., 1., 1.]])
  • np.linspace() 根據起止資料等間距地填充資料,形成陣列(等分)
  • np.concatenate() 將兩個或多個陣列合併成一個新的陣列
np.linspace(1, 10, 3)
array([ 1. ,  5.5, 10. ])

ndarray 陣列的變換

  • .reshape(shape) 不改變陣列元素,返回一個shape形狀的陣列,原陣列不變
  • .resize(shape) 與.reshape()功能一致,但修改原陣列
  • .swapaxes(ax1,ax2) 將陣列n個維度中兩個維度進行調換
  • .flatten() 對陣列進行降維,返回摺疊後的一維陣列,原陣列不變
a = np.ones((2, 3, 4), dtype=np.int32)
print(a)
[[[1 1 1 1]
  [1 1 1 1]
  [1 1 1 1]]

 [[1 1 1 1]
  [1 1 1 1]
  [1 1 1 1]]]
a.reshape((3, 8))
array([[1, 1, 1, 1, 1, 1, 1, 1],
       [1, 1, 1, 1, 1, 1, 1, 1],
       [1, 1, 1, 1, 1, 1, 1, 1]])
a
array([[[1, 1, 1, 1],
        [1, 1, 1, 1],
        [1, 1, 1, 1]],

       [[1, 1, 1, 1],
        [1, 1, 1, 1],
        [1, 1, 1, 1]]])
a.resize((3, 8))
a
array([[1, 1, 1, 1, 1, 1, 1, 1],
       [1, 1, 1, 1, 1, 1, 1, 1],
       [1, 1, 1, 1, 1, 1, 1, 1]])
a.flatten()
array([1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1, 1,
       1, 1])
  • new_a = a.astype(new_type):型別變換
  • ls = a.tolist():轉換為列表
b = a.astype(np.float)
b
array([[1., 1., 1., 1., 1., 1., 1., 1.],
       [1., 1., 1., 1., 1., 1., 1., 1.],
       [1., 1., 1., 1., 1., 1., 1., 1.]])
a
array([[1, 1, 1, 1, 1, 1, 1, 1],
       [1, 1, 1, 1, 1, 1, 1, 1],
       [1, 1, 1, 1, 1, 1, 1, 1]])
a.tolist()
[[1, 1, 1, 1, 1, 1, 1, 1], [1, 1, 1, 1, 1, 1, 1, 1], [1, 1, 1, 1, 1, 1, 1, 1]]

ndarray 陣列的操作

  • 索引:獲取陣列中特定位置元素的過程
  • 切片:獲取陣列元素子集的過程
a = np.arange(24).reshape((2, 3, 4))
a
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]]])
a[1, 2, 3]
23
a[:, 1, -3]
array([ 5, 17])
a[:, 1:3, :]
array([[[ 4,  5,  6,  7],
        [ 8,  9, 10, 11]],

       [[16, 17, 18, 19],
        [20, 21, 22, 23]]])
a[:, :, ::2]
array([[[ 0,  2],
        [ 4,  6],
        [ 8, 10]],

       [[12, 14],
        [16, 18],
        [20, 22]]])

ndarray陣列的運算

  • 陣列與標量之間的運算作用於陣列的每一個元素
a = np.arange(24).reshape((2, 3, 4))
a
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]]])
a.mean()
11.5
a = a / a.mean()
a
array([[[0.        , 0.08695652, 0.17391304, 0.26086957],
        [0.34782609, 0.43478261, 0.52173913, 0.60869565],
        [0.69565217, 0.7826087 , 0.86956522, 0.95652174]],

       [[1.04347826, 1.13043478, 1.2173913 , 1.30434783],
        [1.39130435, 1.47826087, 1.56521739, 1.65217391],
        [1.73913043, 1.82608696, 1.91304348, 2.        ]]])

一元函式

  • np.abs(x) np.fabs(x) 計算陣列各元素的絕對值
  • np.sqrt(x) 計算陣列各元素的平方根
  • np.square(x) 計算陣列各元素的平方
  • np.log(x) np.log10(x) np.log2(x) 計算陣列各元素的自然對數、10底對數和2底對數
  • np.ceil(x) np.floor(x) 計算陣列各元素的ceiling值或floor值
  • np.rint(x) 計算陣列各元素的四捨五入值
  • np.modf(x) 將陣列各元素的小數和整數部分以兩個獨立陣列形式返回
  • np.cos(x) np.cosh(x) np.sin(x) np.sinh(x) np.tan(x) np.tanh(x) 計算陣列各元素的普通型和雙曲型三角函式
  • np.exp(x) 計算陣列各元素的指數值
  • np.sign(x) 計算陣列各元素的符號值,1(+), 0, ‐1(‐)
a = np.arange(24).reshape((2, 3, 4))
a
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]]])
np.square(a)
array([[[  0,   1,   4,   9],
        [ 16,  25,  36,  49],
        [ 64,  81, 100, 121]],

       [[144, 169, 196, 225],
        [256, 289, 324, 361],
        [400, 441, 484, 529]]], dtype=int32)
np.sqrt(a)
array([[[0.        , 1.        , 1.41421356, 1.73205081],
        [2.        , 2.23606798, 2.44948974, 2.64575131],
        [2.82842712, 3.        , 3.16227766, 3.31662479]],

       [[3.46410162, 3.60555128, 3.74165739, 3.87298335],
        [4.        , 4.12310563, 4.24264069, 4.35889894],
        [4.47213595, 4.58257569, 4.69041576, 4.79583152]]])
np.exp(a)
array([[[1.00000000e+00, 2.71828183e+00, 7.38905610e+00, 2.00855369e+01],
        [5.45981500e+01, 1.48413159e+02, 4.03428793e+02, 1.09663316e+03],
        [2.98095799e+03, 8.10308393e+03, 2.20264658e+04, 5.98741417e+04]],

       [[1.62754791e+05, 4.42413392e+05, 1.20260428e+06, 3.26901737e+06],
        [8.88611052e+06, 2.41549528e+07, 6.56599691e+07, 1.78482301e+08],
        [4.85165195e+08, 1.31881573e+09, 3.58491285e+09, 9.74480345e+09]]])

二元函式

  • + ‐ * / ** 兩個陣列各元素進行對應運算
  • np.maximum(x,y) np.fmax()
  • np.minimum(x,y) np.fmin() 元素級的最大值/最小值計算
  • np.mod(x,y) 元素級的模運算
  • np.copysign(x,y) 將陣列y中各元素值的符號賦值給陣列x對應元素
  • > < >= <= == != 算術比較,產生布林型陣列

小結 1

資料存取與函式

CSV(Comma‐Separated Value, 逗號分隔值)檔案儲存

  • 侷限:只能儲存一維和二維陣列

np.savetxt(fram, array, fmt=’%.18e’, delimiter=None)

  • frame : 檔案、字串或產生器,可以是.gz或.bz2的壓縮檔案
  • array : 存入檔案的陣列
  • fmt : 寫入檔案的格式,例如:%d %.2f %.18e
  • delimiter : 分割字串,預設是任何空格
import numpy as np
a = np.arange(100).reshape(5, 20)
a
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, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75,
        76, 77, 78, 79],
       [80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95,
        96, 97, 98, 99]])
np.savetxt('a.csv', a, fmt='%d', delimiter=',')

np.loadtxt(frame, dtype=np.float, delimiter=None, unpack=False)

  • frame : 檔案、字串或產生器,可以是.gz或.bz2的壓縮檔案
  • dtype : 資料型別,可選
  • delimiter : 分割字串,預設是任何空格
  • unpack : 如果True,讀入屬性將分別寫入不同變數
b = np.loadtxt('a.csv', delimiter=',')
b
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., 64., 65., 66., 67., 68., 69., 70., 71., 72.,
        73., 74., 75., 76., 77., 78., 79.],
       [80., 81., 82., 83., 84., 85., 86., 87., 88., 89., 90., 91., 92.,
        93., 94., 95., 96., 97., 98., 99.]])
b = np.loadtxt('a.csv', dtype=np.int, delimiter=',')
b
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, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75,
        76, 77, 78, 79],
       [80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95,
        96, 97, 98, 99]])

多維資料儲存

a.tofile(frame, sep=’’, format=’%s’)

  • frame : 檔案、字串
  • sep : 資料分割字串,如果是空串,寫入檔案為二進位制
  • format : 寫入資料的格式
a = np.arange(100).reshape(5, 10, 2)
a
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],
        [64, 65],
        [66, 67],
        [68, 69],
        [70, 71],
        [72, 73],
        [74, 75],
        [76, 77],
        [78, 79]],

       [[80, 81],
        [82, 83],
        [84, 85],
        [86, 87],
        [88, 89],
        [90, 91],
        [92, 93],
        [94, 95],
        [96, 97],
        [98, 99]]])
a.tofile('b.dat', sep=',', format='%d')

np.fromfile(frame, dtype=float, count=‐1, sep=’’)

  • frame : 檔案、字串
  • dtype : 讀取的資料型別
  • count : 讀入元素個數,‐1表示讀入整個檔案
  • sep : 資料分割字串,如果是空串,寫入檔案為二進位制
c = np.fromfile('b.dat', dtype=np.int, sep=',')
c
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, 64, 65, 66, 67,
       68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84,
       85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99])
c = np.fromfile('b.dat', dtype=np.int, sep=',').reshape(5, 10, 2)
c
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],
        [64, 65],
        [66, 67],
        [68, 69],
        [70, 71],
        [72, 73],
        [74, 75],
        [76, 77],
        [78, 79]],

       [[80, 81],
        [82, 83],
        [84, 85],
        [86, 87],
        [88, 89],
        [90, 91],
        [92, 93],
        [94, 95],
        [96, 97],
        [98, 99]]])

NumPy 的便捷檔案存取

  • np.save(fname, array) 或np.savez(fname, array)
    • fname : 檔名,以.npy為副檔名,壓縮副檔名為.npz
    • array : 陣列變數
  • np.load(fname)
    • fname : 檔名,以.npy為副檔名,壓縮副檔名為.npz
a = np.arange(100).reshape(5, 10, 2)

np.save('a.npy', a) # 存取
b = np.load('a.npy') # 讀取
b
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],
        [64, 65],
        [66, 67],
        [68, 69],
        [70, 71],
        [72, 73],
        [74, 75],
        [76, 77],
        [78, 79]],

       [[80, 81],
        [82, 83],
        [84, 85],
        [86, 87],
        [88, 89],
        [90, 91],
        [92, 93],
        [94, 95],
        [96, 97],
        [98, 99]]])

NumPy 隨機數函式

np.random.*

  • np.random.rand()
  • np.random.randn()
  • np.random.randint()

rand(d0,d1,…,dn):根據d0‐dn建立隨機數陣列,浮點數,[0,1),均勻分佈
randn(d0,d1,…,dn):根據d0‐dn建立隨機數陣列,標準正態分佈
randint(low[,high,shape]):根據shape建立隨機整數或整數陣列,範圍是[low, high)

a = np.random.rand(3, 4, 5)
a
array([[[0.00970598, 0.91426723, 0.94091358, 0.35995173, 0.73527167],
        [0.67247714, 0.84621682, 0.06575003, 0.40443652, 0.55132703],
        [0.55764129, 0.33425244, 0.36622444, 0.91013015, 0.01951838],
        [0.9191911 , 0.11547889, 0.10495101, 0.85942447, 0.63077568]],

       [[0.98473279, 0.97766314, 0.5897988 , 0.52280097, 0.00828881],
        [0.25084206, 0.98663782, 0.06988935, 0.09980435, 0.50884526],
        [0.26710583, 0.01625678, 0.10963428, 0.18005632, 0.68440569],
        [0.34564166, 0.03708294, 0.53053936, 0.23928454, 0.23232696]],

       [[0.42324316, 0.81030347, 0.95111069, 0.74277046, 0.74635378],
        [0.19895444, 0.38080835, 0.22913251, 0.85612153, 0.21900946],
        [0.32004786, 0.91132185, 0.16489621, 0.70907992, 0.58382586],
        [0.85160099, 0.64809148, 0.85002856, 0.81320381, 0.33886516]]])
b = np.random.randn(3 ,4, 5)
b
array([[[-0.21348197, -0.44570241, -0.71621609,  1.85129229,
         -0.44588806],
        [ 1.47838512, -0.70666759,  0.87700215,  0.48592201,
          0.79956022],
        [ 2.13625401, -0.07079582, -0.17725274,  0.19694769,
          2.05754363],
        [-0.64257978,  0.87595102,  2.07479717, -0.74537305,
          0.97901296]],

       [[ 0.92565121, -0.38530396,  0.53915771,  1.19615551,
         -0.48224399],
        [-0.4333694 ,  0.26592849, -0.24992116,  0.5544876 ,
          1.55532195],
        [-0.73849873,  0.5891183 ,  1.99784687, -0.23486072,
         -0.02866399],
        [-1.38406207,  1.50134676, -0.60666506, -0.43052217,
         -0.28625313]],

       [[-2.21592009,  0.10519323,  0.78980958, -0.98435227,
          0.36112141],
        [ 0.6756284 ,  1.50836044,  0.44943334, -0.8722511 ,
          0.51363153],
        [ 0.04066975,  0.15197328,  0.18679335, -0.16095451,
          0.81433414],
        [-1.2608254 ,  0.40367403,  0.07805773, -1.08035367,
          0.5968214 ]]])
c = np.random.randint(100, 200, (3, 4))
c
array([[197, 148, 131, 155],
       [136, 113, 145, 127],
       [146, 120, 142, 183]])
  • shuffle(a) 根據陣列a的第1軸進行隨排列,改變陣列x
  • permutation(a) 根據陣列a的第1軸產生一個新的亂序陣列,不改變陣列x
  • choice(a[,size,replace,p]) 從一維陣列a中以概率p抽取元素,形成size形狀新陣列
  • replace表示是否可以重用元素,預設為False

  • uniform(low,high,size) 產生具有均勻分佈的陣列,low起始值,high結束值,size形狀
  • normal(loc,scale,size) 產生具有正態分佈的陣列,loc均值,scale標準差,size形狀
  • poisson(lam,size) 產生具有泊松分佈的陣列,lam隨機事件發生率,size形狀
u = np.random.uniform(0, 10, (3, 4))
u
array([[4.94197895, 6.23998106, 7.84428825, 6.5761329 ],
       [6.05642477, 4.84202956, 0.09009197, 7.00308733],
       [9.67549623, 4.81499028, 5.95440908, 6.71349473]])
n = np.random.normal(10, 5, (3, 4))
n
array([[-1.25062946, 15.79000683,  7.86733604, 11.49315651],
       [15.06321319, 10.87464604, 11.936292  ,  8.8190334 ],
       [ 1.70087674,  4.18490983, 20.2382347 ,  9.15884821]])

NumPy 統計函式

np.*

  • sum(a, axis=None) 根據給定軸axis計算陣列a相關元素之和,axis整數或元組
  • mean(a, axis=None) 根據給定軸axis計算陣列a相關元素的期望,axis整數或元組
  • average(a,axis=None,weights=None) 根據給定軸axis計算陣列a相關元素的加權平均值
  • std(a, axis=None) 根據給定軸axis計算陣列a相關元素的標準差
  • var(a, axis=None) 根據給定軸axis計算陣列a相關元素的方差
a = np.arange(15).reshape(3, 5)
a
array([[ 0,  1,  2,  3,  4],
       [ 5,  6,  7,  8,  9],
       [10, 11, 12, 13, 14]])
np.sum(a)
105
np.mean(a, axis=1)
array([ 2.,  7., 12.])
np.mean(a, axis=0)
array([5., 6., 7., 8., 9.])
np.average(a, axis=0, weights=[1, 2, 3])
array([ 6.66666667,  7.66666667,  8.66666667,  9.66666667, 10.66666667])
np.std(a)
4.320493798938574
np.var(a)
18.666666666666668
  • min(a) max(a) 計算陣列a中元素的最小值、最大值
  • argmin(a) argmax(a) 計算陣列a中元素最小值、最大值的降一維後下標
  • unravel_index(index, shape) 根據shape將一維下標index轉換成多維下標
  • ptp(a) 計算陣列a中元素最大值與最小值的差
  • median(a) 計算陣列a中元素的中位數(中值)
b = np.arange(15, 0, -1).reshape(3, 5)
b
array([[15, 14, 13, 12, 11],
       [10,  9,  8,  7,  6],
       [ 5,  4,  3,  2,  1]])
np.min(b)
1
np.ptp(b)
14
np.median(b)
8.0

NumPy 梯度函式

  • np.gradient(f) 計算陣列f中元素的梯度,當f為多維時,返回每個維度梯度
a = np.random.randint(0, 20, (5))
a
array([ 4,  8, 18,  0,  6])
np.gradient(a)
array([ 4.,  7., -4., -6.,  6.])
c = np.random.randint(0, 50, (3, 5))
c
array([[ 7, 34, 41,  1, 17],
       [47, 10, 48, 19, 17],
       [ 3, 14, 28, 20, 16]])
np.gradient(c)
[array([[ 40. , -24. ,   7. ,  18. ,   0. ],
        [ -2. , -10. ,  -6.5,   9.5,  -0.5],
        [-44. ,   4. , -20. ,   1. ,  -1. ]]),
 array([[ 27. ,  17. , -16.5, -12. ,  16. ],
        [-37. ,   0.5,   4.5, -15.5,  -2. ],
        [ 11. ,  12.5,   3. ,  -6. ,  -4. ]])]

小結 2

例項1:影像的手繪效果

影像的陣列表示

影像是一個三維陣列,維度分別是高度、寬度和畫素RGB值

PIL庫(Python Image Library)

  • 安裝:pip install pillow
  • from PIL import Image,Image是PIL庫中代表一個影像的類(物件)
from PIL import Image
import numpy as np
im = np.array(Image.open("DV03-例項1-影像的手繪效果.jpg"))
print(im.shape, im.dtype)
(245, 488, 3) uint8

影像變換

a = np.array(Image.open("DV03-例項1-影像的手繪效果.jpg"))
# print(a.shape, a.dtype)
b = [255, 255 ,255] - a
im = Image.fromarray(b.astype('uint8'))
im.save("DV03-例項1-影像的手繪效果1.jpg")
a = np.array(Image.open("DV03-例項1-影像的手繪效果.jpg").convert('L'))
print(a.shape, a.dtype)
b = 255 - a
im = Image.fromarray(b.astype('uint8'))
im.save("DV03-例項1-影像的手繪效果2.jpg")
(245, 488) uint8
a = np.array(Image.open("DV03-例項1-影像的手繪效果.jpg").convert('L'))
c = (100/255) * a + 150 # 區間變換
im = Image.fromarray(c.astype('uint8'))
im.save("DV03-例項1-影像的手繪效果3.jpg")
a = np.array(Image.open("DV03-例項1-影像的手繪效果.jpg"))
d = 255 * (a / 255)**2 # 畫素平方
im = Image.fromarray(d.astype('uint8'))
im.save("DV03-例項1-影像的手繪效果4.jpg")

博主更新不易,每月都要承擔伺服器的租用和維護費用,如果網站內容對你有所幫助,希望打個賞支援小站建設,滑到文章下方有打賞按鈕或者到這兒支援我,感謝!

尋找志同道合的學習夥伴,請訪問我的個人網頁.
該內容同步釋出在CSDN耳殼網.

相關文章