import numpy as np
創(chuàng)建ndarray
data1 = [6,7.5, 8, 0, 1]
arr1 = np.array(data1)
print(arr1)
創(chuàng)建多維數(shù)組
data2 = [[1,2,3,4],[5,6,7,8]]
arr2 = np.array(data2)
print(arr2)
多維數(shù)組的維數(shù)
arr2.ndim #2
arr2.shape #(2,4)
數(shù)組的數(shù)據(jù)類型
arr2.dtype # dtype('float64')
創(chuàng)建指定長度和形狀的全零和全1數(shù)組
np.zeros(10)
np.zeros(3,6)
np.zeros_like(arr2)
np.ones(10)
np.ones_like(arr2)
創(chuàng)建一個沒有任何具體指的數(shù)組
np.empty((2,3,4))
np.empty_like(arr2)
創(chuàng)建等差數(shù)組
np.arange(15)
創(chuàng)建一個正方的N X N單位的矩陣(對角線為1寝志,其余為0)
將輸入裝換為ndarray,
np.asarray(data)
ndarray的數(shù)據(jù)類型有浮點型,復數(shù)凝危,整數(shù)捞蚂,布爾值吃媒,字符串和普通的Python對象
arr1 = np.array([1,2,3], dtype = np.float64)
arr2 = np.array([1,2,3], dtype = np.int32)
轉換數(shù)據(jù)類型
arr = np.array([1,2,3,4,5])
float_arr = arr.astype(np.float64)
numertic_strings = np.array(['-1.2', '-4.5', '8'], dtype = np.string_)
numertic_strings.astype(np.float64)
轉換數(shù)據(jù)類型的另一種用法
int_array = np.array(10)
calibers = np.array([.22, .27, .357, .380, .44, .5], dtype = np.float64)
int_array.astype(calibers.dtype)
數(shù)組與標量之間的運算
arr = np.array([[1.,2.,3.], [4., 5., 6.]])
arr * arr
arr - arr
1 / arr
arr ** 0.5
基本的索引和切片
arr = np.arange(10)
arr[5]
arr[5:8]
arr[5:8] = 12
二維數(shù)組的索引
arr2d = np.array([[1, 2, 3], [4, 5, 6], [7, 8, 9]])
arr2d[2]
arr2d[0][2]
arr2d[0,2]
多維數(shù)組的索引如果省略了后面的索引种吸,則返回對象會是一個維度低一點的ndarray
切片索引
arr[1:6]
arr2d[:2]
arr2d[:2,1:]
arr2d[1,:2]
arr2d[2,:1]
布爾型索引
names=np.array(['bob','joe','will','bob', 'will', 'joe', ' joe'])
data = randn(7,4)
names == 'bob'
data[names == 'bob']
data[names == 'bob', 2:]
data[-(names == 'bob')]
data[(name == 'bob') | (name == 'will')]
data[ data < 0 ] = 0
Fancy indexing
arr = np.empyt((8,4))
for i in range(8):
arr[i] = i
arr[[4,3,0,6]]
arr[[-3,-5,-7]]
arr = np.arange(32).reshape((8,4))
arr[[1,5,7,2],[0,3,1,2]]
數(shù)組轉置和軸對稱
arr = np.arange(15).reshape((3,5))
arr.T
arr = np.random.randn(6,3)
np.dot(arr.T,arr)
通用函數(shù):快速的元素級 數(shù)組函數(shù)
arr = np.arange(10)
np.sqrt(arr)
np.exp(arr)
x = np.random.randn(8)
y = np.random.randn(8)
np.maximum(x,y)
modf() #用于顯示浮點數(shù)組的小數(shù)和整數(shù)部分
np.abs()
np.fabs()
np.sqrt()
np.square() # arr**2
np.exp()
np.log() #e
np.log10()
np.log2()
np.log1p() # log(1 + x)
np.sign() # 計算各元素的正負號
np.ceil() # 大于等于該數(shù)的最小整數(shù)
np.floor() # 小于等于概述的最大整數(shù)
np.rint() # 四舍五入 保留dtype
np.modf() #
np.isnan()
np.isfinite()
np.isinf()
np.cos()
np.cosh()
np.sin()
np.sinh()
np.tan()
np.tanh()
還有反三角函數(shù)
二元函數(shù)
np.add()
np.substract()
np.multiply()
np.divide()
np.floor_divide()
np.power()
np.maximum()
np.fmax()
np.minimum()
np.fmin()
np.mod()
np.copysign()
將條件邏輯表述為數(shù)組運算
result = np.where(cond,xarr,yarr)
數(shù)學和統(tǒng)計方法
np.sum()
np.mean()
np.std() # 標準差
np.var() # 方差
np.max()
np.min()
np.argmax()
np.argmin() #最大和最小元素的索引
np.cumsum() # 所有元素的累計和
np.cumprod() # 所有元素的累計積
用于布爾型數(shù)組的方法
arr = np.random.randn(100)
(arr > 0).sum()
any() # 用于測試數(shù)組中是否存在一個或多個true
all() # 用于測試數(shù)組中所有值是否都是True
排序
arr = np.random.randn(8)
arr.sort()
唯一化以及其他的集合邏輯
names = np.array(['Bob','Joe', 'Will', 'Joe', 'Joe'])
np.unique(names)# 計算names中的唯一元素死陆,并返回有序結果
np.in1d用于測試一個數(shù)組中的值在另一個數(shù)組中的成員資格肴焊,返回一個布爾型數(shù)組
values = np.array([6,0,0,3,2,5,6])
np.in1d(values,[2,3,6])
np.intersect1d(x,y) #計算x和y的公共元素,并返回有序結果
np.union1d(x,y) #計算x和y的并集证鸥,并返回有序結果
np.in1d(x,y) #得到一個表示"x的元素是否包含于y"的布爾型數(shù)組
np.setdiff1d(x,y) # 集合的差僚楞,即元素在x中且不再y中
np.setxor1d(x,y) # 集合的對稱差,即存在于一個數(shù)組中但不同時存在于兩個數(shù)組中的元素
用于數(shù)組文件的輸入輸出
np.save()
np.load()
線性代數(shù)
np.dot(A,B) #矩陣的乘積
from numpy.linalg import inv, qr
詳見p110
隨機數(shù)的生成
numpy模塊中的矩陣對象為numpy.matrix枉层,包括矩陣數(shù)據(jù)的處理泉褐,矩陣的計算,以及基本的統(tǒng)計功能鸟蜡,轉置膜赃,可逆性等等,包括對復數(shù)的處理矩欠,均在matrix對象中财剖。 class numpy.matrix(data,dtype,copy):返回一個矩陣,其中data為ndarray對象或者字符形式癌淮;dtype:為data的type躺坟;copy:為bool類型。
a = np.matrix('1 2 7; 3 4 8; 5 6 9')
a #矩陣的換行必須是用分號(;)隔開乳蓄,內(nèi)部數(shù)據(jù)必須為字符串形式(‘ ’)咪橙,矩
matrix([[1, 2, 7], #陣的元素之間必須以空格隔開。
[3, 4, 8],
[5, 6, 9]])
b=np.array([[1,5],[3,2]])
x=np.matrix(b) #矩陣中的data可以為數(shù)組對象虚倒。
x
matrix([[1, 5],
[3, 2]])
矩陣對象的屬性:
matrix.T transpose:返回矩陣的轉置矩陣
matrix.H hermitian (conjugate) transpose:返回復數(shù)矩陣的共軛元素矩陣
matrix.I inverse:返回矩陣的逆矩陣
matrix.A base array:返回矩陣基于的數(shù)組
矩陣對象的方法:
all([axis, out]) :沿給定的軸判斷矩陣所有元素是否為真(非0即為真)
any([axis, out]) :沿給定軸的方向判斷矩陣元素是否為真美侦,只要一個元素為真則為真。
argmax([axis, out]) :沿給定軸的方向返回最大元素的索引(最大元素的位置).
argmin([axis, out]): 沿給定軸的方向返回最小元素的索引(最小元素的位置)
argsort([axis, kind, order]) :返回排序后的索引矩陣
astype(dtype[, order, casting, subok, copy]):將該矩陣數(shù)據(jù)復制魂奥,且數(shù)據(jù)類型為指定的數(shù)據(jù)類型
byteswap(inplace) Swap the bytes of the array elements
choose(choices[, out, mode]) :根據(jù)給定的索引得到一個新的數(shù)據(jù)矩陣(索引從choices給定)
clip(a_min, a_max[, out]) :返回新的矩陣菠剩,比給定元素大的元素為a_max,小的為a_min
compress(condition[, axis, out]) :返回滿足條件的矩陣
conj() :返回復數(shù)的共軛復數(shù)
conjugate() :返回所有復數(shù)的共軛復數(shù)元素
copy([order]) :復制一個矩陣并賦給另外一個對象耻煤,b=a.copy()
cumprod([axis, dtype, out]) :返回沿指定軸的元素累積矩陣
cumsum([axis, dtype, out]) :返回沿指定軸的元素累積和矩陣
diagonal([offset, axis1, axis2]) :返回矩陣中對角線的數(shù)據(jù)
dot(b[, out]) :兩個矩陣的點乘
dump(file) :將矩陣存儲為指定文件,可以通過pickle.loads()或者numpy.loads()如:a.dump(‘d:\a.txt’)
dumps() :將矩陣的數(shù)據(jù)轉存為字符串.
fill(value) :將矩陣中的所有元素填充為指定的value
flatten([order]) :將矩陣轉化為一個一維的形式具壮,但是還是matrix對象
getA() :返回自己,但是作為ndarray返回
getA1():返回一個扁平(一維)的數(shù)組(ndarray)
getH() :返回自身的共軛復數(shù)轉置矩陣
getI() :返回本身的逆矩陣
getT() :返回本身的轉置矩陣
max([axis, out]) :返回指定軸的最大值
mean([axis, dtype, out]) :沿給定軸方向哈蝇,返回其均值
min([axis, out]) :返回指定軸的最小值
nonzero() :返回非零元素的索引矩陣
prod([axis, dtype, out]) :返回指定軸方型上棺妓,矩陣元素的乘積.
ptp([axis, out]) :返回指定軸方向的最大值減去最小值.
put(indices, values[, mode]) :用給定的value替換矩陣本身給定索引(indices)位置的值
ravel([order]) :返回一個數(shù)組,該數(shù)組是一維數(shù)組或平數(shù)組
repeat(repeats[, axis]) :重復矩陣中的元素炮赦,可以沿指定軸方向重復矩陣元素怜跑,repeats為重復次數(shù)
reshape(shape[, order]) :改變矩陣的大小,如:reshape([2,3])
resize(new_shape[, refcheck]) :改變該數(shù)據(jù)的尺寸大小
round([decimals, out]) :返回指定精度后的矩陣,指定的位數(shù)采用四舍五入吠勘,若為1性芬,則保留一位小數(shù)
searchsorted(v[, side, sorter]) :搜索V在矩陣中的索引位置
sort([axis, kind, order]) :對矩陣進行排序或者按軸的方向進行排序
squeeze([axis]) :移除長度為1的軸
std([axis, dtype, out, ddof]) :沿指定軸的方向,返回元素的標準差.
sum([axis, dtype, out]) :沿指定軸的方向看幼,返回其元素的總和
swapaxes(axis1, axis2):交換兩個軸方向上的數(shù)據(jù).
take(indices[, axis, out, mode]) :提取指定索引位置的數(shù)據(jù),并以一維數(shù)組或者矩陣返回(主要取決axis)
tofile(fid[, sep, format]) :將矩陣中的數(shù)據(jù)以二進制寫入到文件
tolist() :將矩陣轉化為列表形式
tostring([order]):將矩陣轉化為python的字符串.
trace([offset, axis1, axis2, dtype, out]):返回對角線元素之和
transpose(*axes) :返回矩陣的轉置矩陣批旺,不改變原有矩陣
var([axis, dtype, out, ddof]) :沿指定軸方向,返回矩陣元素的方差
view([dtype, type]) :生成一個相同數(shù)據(jù)诵姜,但是類型為指定新類型的矩陣汽煮。
ü All方法
a = np.asmatrix('0 2 7; 3 4 8; 5 0 9')
a.all()
False
a.all(axis=0)
matrix([[False, False, True]], dtype=bool)
a.all(axis=1)
matrix([[False],
[ True],
[False]], dtype=bool)
ü Astype方法
a.astype(float)
matrix([[ 12., 3., 5.],
[ 32., 23., 9.],
[ 10., -14., 78.]])
ü Argsort方法
a=np.matrix('12 3 5; 32 23 9; 10 -14 78')
a.argsort()
matrix([[1, 2, 0],
[2, 1, 0],
[1, 0, 2]])
ü Clip方法
a
matrix([[ 12, 3, 5],
[ 32, 23, 9],
[ 10, -14, 78]])
a.clip(12,32)
matrix([[12, 12, 12],
[32, 23, 12],
[12, 12, 32]])
ü Cumprod方法
a.cumprod(axis=1)
matrix([[ 12, 36, 180],
[ 32, 736, 6624],
[ 10, -140, -10920]])
ü Cumsum方法
a.cumsum(axis=1)
matrix([[12, 15, 20],
[32, 55, 64],
[10, -4, 74]])
ü Tolist方法
b.tolist()
[[12, 3, 5], [32, 23, 9], [10, -14, 78]]
ü Tofile方法
b.tofile('d:\b.txt')
ü compress()方法
from numpy import *
a = array([10, 20, 30, 40])
condition = (a > 15) & (a < 35)
condition
array([False, True, True, False], dtype=bool)
a.compress(condition)
array([20, 30])
a[condition] # same effect
array([20, 30])
compress(a >= 30, a) # this form a
so exists
array([30, 40])
b = array([[10,20,30],[40,50,60]])
b.compress(b.ravel() >= 22)
array([30, 40, 50, 60])
x = array([3,1,2])
y = array([50, 101])
b.compress(x >= 2, axis=1) # illustrates
the use of the axis keyword
array([[10, 30],
[40, 60]])
b.compress(y >= 100, axis=0)
array([[40, 50, 60]])