您好,登錄后才能下訂單哦!
這篇文章主要介紹了怎么愉快地遷移到Python 3,具有一定借鑒價值,感興趣的朋友可以參考下,希望大家閱讀完這篇文章之后大有收獲,下面讓小編帶著大家一起了解一下。
引言
如今 Python 成為機(jī)器學(xué)習(xí)和大量使用數(shù)據(jù)操作的科學(xué)領(lǐng)域的主流語言; 它擁有各種深度學(xué)習(xí)框架和完善的數(shù)據(jù)處理和可視化工具。但是,Python 生態(tài)系統(tǒng)在 Python2 和 Python3 中共存,而Python2 仍在數(shù)據(jù)科學(xué)家中使用。到2019年底,也將停止支持 Python2。至于numpy,2018年9月之后任何新功能版本都將只支持Python3。同樣的還包括pandas, matplotlib, ipython, jupyter notebook and jupyter lab。所以遷移到python3刻不容緩,當(dāng)然不止是這些,還有些新特性讓我們跟隨后面到文章一一進(jìn)行了解。
使用pathlib處理更好的路徑
pathlib 是 Python3 中的一個默認(rèn)模塊,可以幫助你避免使用大量的 os.path.join。
from pathlib import Path dataset = 'wiki_images' datasets_root = Path('/path/to/datasets/') #Navigating inside a directory tree,use:/ train_path = datasets_root / dataset / 'train' test_path = datasets_root / dataset / 'test' for image_path in train_path.iterdir(): with image_path.open() as f: # note, open is a method of Path object # do something with an image
不要用字符串鏈接的形式拼接路徑,根據(jù)操作系統(tǒng)的不同會出現(xiàn)錯誤,我們可以使用/結(jié)合 pathlib來拼接路徑,非常的安全、方便和高可讀性。
pathlib 還有很多屬性,具體的可以參考pathlib的官方文檔,下面列舉幾個:
from pathlib import Path a = Path("/data") b = "test" c = a / b print(c) print(c.exists()) # 路徑是否存在 print(c.is_dir()) # 判斷是否為文件夾 print(c.parts) # 分離路徑 print(c.with_name('sibling.png')) # 只修改拓展名, 不會修改源文件 print(c.with_suffix('.jpg')) # 只修改拓展名, 不會修改源文件 c.chmod(777) # 修改目錄權(quán)限 c.rmdir() # 刪除目錄
類型提示現(xiàn)在是語言的一部分
一個在 Pycharm 使用Typing的例子:
引入類型提示是為了幫助解決程序日益復(fù)雜的問題,IDE可以識別參數(shù)的類型進(jìn)而給用戶提示。
關(guān)于Tying的具體用法,可以看我之前寫的:python類型檢測最終指南--Typing的使用
運(yùn)行時類型提示類型檢查
除了之前文章提到 mypy 模塊繼續(xù)類型檢查以外,還可以使用 enforce 模塊進(jìn)行檢查,通過 pip 安裝即可,使用示例如下:
import enforce @enforce.runtime_validation def foo(text: str) -> None: print(text) foo('Hi') # ok foo(5) # fails
輸出
Hi Traceback (most recent call last): File "/Users/chennan/pythonproject/dataanalysis/e.py", line 10, in <module> foo(5) # fails File "/Users/chennan/Desktop/2019/env/lib/python3.6/site-packages/enforce/decorators.py", line 104, in universal _args, _kwargs, _ = enforcer.validate_inputs(parameters) File "/Users/chennan/Desktop/2019/env/lib/python3.6/site-packages/enforce/enforcers.py", line 86, in validate_inputs raise RuntimeTypeError(exception_text) enforce.exceptions.RuntimeTypeError: The following runtime type errors were encountered: Argument 'text' was not of type <class 'str'>. Actual type was int.
使用@表示矩陣的乘法
下面我們實(shí)現(xiàn)一個最簡單的ML模型——l2正則化線性回歸(又稱嶺回歸)
# l2-regularized linear regression: || AX - y ||^2 + alpha * ||x||^2 -> min # Python 2 X = np.linalg.inv(np.dot(A.T, A) + alpha * np.eye(A.shape[1])).dot(A.T.dot(y)) # Python 3 X = np.linalg.inv(A.T @ A + alpha * np.eye(A.shape[1])) @ (A.T @ y)
使用@符號,整個代碼變得更可讀和方便移植到其他科學(xué)計算相關(guān)的庫,如numpy, cupy, pytorch, tensorflow等。
**通配符的使用
在 Python2 中,遞歸查找文件不是件容易的事情,即使是使用glob庫,但是從 Python3.5 開始,可以通過**通配符簡單的實(shí)現(xiàn)。
import glob # Python 2 found_images = ( glob.glob('/path/*.jpg') + glob.glob('/path/*/*.jpg') + glob.glob('/path/*/*/*.jpg') + glob.glob('/path/*/*/*/*.jpg') + glob.glob('/path/*/*/*/*/*.jpg')) # Python 3 found_images = glob.glob('/path/**/*.jpg', recursive=True)
更好的路徑寫法是上面提到的 pathlib ,我們可以把代碼進(jìn)一步改寫成如下形式。
# Python 3 import pathlib import glob found_images = pathlib.Path('/path/').glob('**/*.jpg')
Print函數(shù)
雖然 Python3 的 print 加了一對括號,但是這并不影響它的優(yōu)點(diǎn)。
使用文件描述符的形式將文件寫入
print >>sys.stderr, "critical error" # Python 2 print("critical error", file=sys.stderr) # Python 3
不使用 str.join 拼接字符串
# Python 3 print(*array, sep=' ') print(batch, epoch, loss, accuracy, time, sep=' ')
重新定義 print 方法的行為
既然 Python3 中的 print 是一個函數(shù),我們就可以對其進(jìn)行改寫。
# Python 3 _print = print # store the original print function def print(*args, **kargs): pass # do something useful, e.g. store output to some file
注意:在 Jupyter 中,最好將每個輸出記錄到一個單獨(dú)的文件中(跟蹤斷開連接后發(fā)生的情況),這樣就可以覆蓋 print 了。
@contextlib.contextmanager def replace_print(): import builtins _print = print # saving old print function # or use some other function here builtins.print = lambda *args, **kwargs: _print('new printing', *args, **kwargs) yield builtins.print = _print with replace_print(): <code here will invoke other print function>
雖然上面這段代碼也能達(dá)到重寫 print 函數(shù)的目的,但是不推薦使用。
print 可以參與列表理解和其他語言構(gòu)造
# Python 3 result = process(x) if is_valid(x) else print('invalid item: ', x)
數(shù)字文字中的下劃線(千位分隔符)
在 PEP-515 中引入了在數(shù)字中加入下劃線。在 Python3 中,下劃線可用于整數(shù),浮點(diǎn)和復(fù)數(shù),這個下劃線起到一個分組的作用
# grouping decimal numbers by thousands one_million = 1_000_000 # grouping hexadecimal addresses by words addr = 0xCAFE_F00D # grouping bits into nibbles in a binary literal flags = 0b_0011_1111_0100_1110 # same, for string conversions flags = int('0b_1111_0000', 2)
也就是說10000,你可以寫成10_000這種形式。
簡單可看的字符串格式化f-string
Python2提供的字符串格式化系統(tǒng)還是不夠好,太冗長麻煩,通常我們會寫這樣一段代碼來輸出日志信息:
# Python 2 print '{batch:3} {epoch:3} / {total_epochs:3} accuracy: {acc_mean:0.4f}±{acc_std:0.4f} time: {avg_time:3.2f}'.format( batch=batch, epoch=epoch, total_epochs=total_epochs, acc_mean=numpy.mean(accuracies), acc_std=numpy.std(accuracies), avg_time=time / len(data_batch) ) # Python 2 (too error-prone during fast modifications, please avoid): print '{:3} {:3} / {:3} accuracy: {:0.4f}±{:0.4f} time: {:3.2f}'.format( batch, epoch, total_epochs, numpy.mean(accuracies), numpy.std(accuracies), time / len(data_batch) )
輸出結(jié)果為
120 12 / 300 accuracy: 0.8180±0.4649 time: 56.60
在 Python3.6 中引入了 f-string (格式化字符串)
print(f'{batch:3} {epoch:3} / {total_epochs:3} accuracy: {numpy.mean(accuracies):0.4f}±{numpy.std(accuracies):0.4f} time: {time / len(data_batch):3.2f}')
關(guān)于 f-string 的用法可以看我在b站的視頻[https://www.bilibili.com/video/av31608754]
'/'和'//'在數(shù)學(xué)運(yùn)算中有著明顯的區(qū)別
對于數(shù)據(jù)科學(xué)來說,這無疑是一個方便的改變
data = pandas.read_csv('timing.csv') velocity = data['distance'] / data['time']
Python2 中的結(jié)果取決于“時間”和“距離”(例如,以米和秒為單位)是否存儲為整數(shù)。在python3中,這兩種情況下的結(jié)果都是正確的,因?yàn)槌ǖ慕Y(jié)果是浮點(diǎn)數(shù)。
另一個例子是 floor 除法,它現(xiàn)在是一個顯式操作
n_gifts = money // gift_price # correct for int and float arguments nutshell >>> from operator import truediv, floordiv >>> truediv.__doc__, floordiv.__doc__ ('truediv(a, b) -- Same as a / b.', 'floordiv(a, b) -- Same as a // b.') >>> (3 / 2), (3 // 2), (3.0 // 2.0) (1.5, 1, 1.0)
值得注意的是,這種規(guī)則既適用于內(nèi)置類型,也適用于數(shù)據(jù)包提供的自定義類型(例如 numpy 或pandas)。
嚴(yán)格的順序
下面的這些比較方式在 Python3 中都屬于合法的。
3 < '3' 2 < None (3, 4) < (3, None) (4, 5) < [4, 5]
對于下面這種不管是2還是3都是不合法的
(4, 5) == [4, 5]
如果對不同的類型進(jìn)行排序
sorted([2, '1', 3])
雖然上面的寫法在 Python2 中會得到結(jié)果 [2, 3, '1'],但是在 Python3 中上面的寫法是不被允許的。
檢查對象為 None 的合理方案
if a is not None: pass if a: # WRONG check for None pass NLP Unicode問題 s = '您好' print(len(s)) print(s[:2])
輸出內(nèi)容
Python 2: 6 Python 3: 2
您好.
還有下面的運(yùn)算
x = u'со' x += 'co' # ok x += 'со' # fail
Python2 失敗了,Python3 正常工作(因?yàn)槲以谧址惺褂昧硕砦淖帜?。
在 Python3 中,字符串都是 unicode 編碼,所以對于非英語文本處理起來更方便。
一些其他操作
'a' < type < u'a' # Python 2: True 'a' < u'a' # Python 2: False
再比如
from collections import Counter Counter('Möbelstück')
在 Python2 中
Counter({'Ã': 2, 'b': 1, 'e': 1, 'c': 1, 'k': 1, 'M': 1, 'l': 1, 's': 1, 't': 1, '¶': 1, '¼': 1})
在 Python3 中
Counter({'M': 1, 'ö': 1, 'b': 1, 'e': 1, 'l': 1, 's': 1, 't': 1, 'ü': 1, 'c': 1, 'k': 1})
雖然可以在 Python2 中正確地處理這些結(jié)果,但是在 Python3 中看起來結(jié)果更加友好。
保留了字典和**kwargs的順序
在CPython3.6+ 中,默認(rèn)情況下,dict 的行為類似于 OrderedDict ,都會自動排序(這在Python3.7+ 中得到保證)。同時在字典生成式(以及其他操作,例如在 json 序列化/反序列化期間)都保留了順序。
import json x = {str(i):i for i in range(5)} json.loads(json.dumps(x)) # Python 2 {u'1': 1, u'0': 0, u'3': 3, u'2': 2, u'4': 4} # Python 3 {'0': 0, '1': 1, '2': 2, '3': 3, '4': 4}
這同樣適用于**kwargs(在Python 3.6+中),它們的順序與參數(shù)中出現(xiàn)的順序相同。當(dāng)涉及到數(shù)據(jù)管道時,順序是至關(guān)重要的,以前我們必須以一種繁瑣的方式編寫它
from torch import nn # Python 2 model = nn.Sequential(OrderedDict([ ('conv1', nn.Conv2d(1,20,5)), ('relu1', nn.ReLU()), ('conv2', nn.Conv2d(20,64,5)), ('relu2', nn.ReLU()) ]))
而在 Python3.6 以后你可以這么操作
# Python 3.6+, how it *can* be done, not supported right now in pytorch model = nn.Sequential( conv1=nn.Conv2d(1,20,5), relu1=nn.ReLU(), conv2=nn.Conv2d(20,64,5), relu2=nn.ReLU()) )
可迭代對象拆包
類似于元組和列表的拆包,具體看下面的代碼例子。
# handy when amount of additional stored info may vary between experiments, but the same code can be used in all cases model_paramteres, optimizer_parameters, *other_params = load(checkpoint_name) # picking two last values from a sequence *prev, next_to_last, last = values_history # This also works with any iterables, so if you have a function that yields e.g. qualities, # below is a simple way to take only last two values from a list *prev, next_to_last, last = iter_train(args)
提供了更高性能的pickle
Python2
import cPickle as pickle import numpy print len(pickle.dumps(numpy.random.normal(size=[1000, 1000]))) # result: 23691675 Python3 import pickle import numpy len(pickle.dumps(numpy.random.normal(size=[1000, 1000]))) # result: 8000162
空間少了三倍。而且要快得多。實(shí)際上,使用 protocol=2 參數(shù)可以實(shí)現(xiàn)類似的壓縮(但不是速度),但是開發(fā)人員通常忽略
這個選項(xiàng)(或者根本不知道)。
注意:pickle 不安全(并且不能完全轉(zhuǎn)移),所以不要 unpickle 從不受信任或未經(jīng)身份驗(yàn)證的來源收到的數(shù)據(jù)。
更安全的列表推導(dǎo)
labels = <initial_value> predictions = [model.predict(data) for data, labels in dataset] # labels are overwritten in Python 2 # labels are not affected by comprehension in Python
更簡易的super()
在python2中 super 相關(guān)的代碼是經(jīng)常容易寫錯的。
# Python 2 class MySubClass(MySuperClass): def __init__(self, name, **options): super(MySubClass, self).__init__(name='subclass', **options) # Python 3 class MySubClass(MySuperClass): def __init__(self, name, **options): super().__init__(name='subclass', **options)
這一點(diǎn)Python3得到了很大的優(yōu)化,新的 super() 可以不再傳遞參數(shù)。
同時在調(diào)用順序上也不一樣。
IDE能夠給出更好的提示
使用Java、c#等語言進(jìn)行編程最有趣的地方是IDE可以提供很好的建議,因?yàn)樵趫?zhí)行程序之前,每個標(biāo)識符的類型都是已知的。
在python中這很難實(shí)現(xiàn),但是注釋會幫助你
這是一個帶有變量注釋的 PyCharm 提示示例。即使在使用的函數(shù)沒有注釋的情況下(例如,由于向后兼容性),也可以使用這種方法。
Multiple unpacking
如何合并兩個字典
x = dict(a=1, b=2) y = dict(b=3, d=4) # Python 3.5+ z = {**x, **y} # z = {'a': 1, 'b': 3, 'd': 4}, note that value for `b` is taken from the latter dict.
我在b站同樣發(fā)布了相關(guān)的視頻[https://www.bilibili.com/video/av50376841]
同樣的方法也適用于列表、元組和集合(a、b、c是任何迭代器)
[*a, *b, *c] # list, concatenating (*a, *b, *c) # tuple, concatenating {*a, *b, *c} # set, union
函數(shù)還支持*arg和**kwarg的多重解包
# Python 3.5+ do_something(**{**default_settings, **custom_settings}) # Also possible, this code also checks there is no intersection between keys of dictionaries do_something(**first_args, **second_args) Data classes
Python 3.7引入了Dataclass類,它適合存儲數(shù)據(jù)對象。數(shù)據(jù)對象是什么?下面列出這種對象類型的幾項(xiàng)特征,雖然不全面:
它們存儲數(shù)據(jù)并表示某種數(shù)據(jù)類型,例如:數(shù)字。對于熟悉ORM的朋友來說),數(shù)據(jù)模型實(shí)例就是一個數(shù)據(jù)對象。它代表了一種特定的實(shí)體。它所具有的屬性定義或表示了該實(shí)體。
它們可以與同一類型的其他對象進(jìn)行比較。例如:大于、小于或等于。
當(dāng)然還有更多的特性,下面的這個例子可以很好的替代namedtuple的功能。
dataclass裝飾器實(shí)現(xiàn)了
@dataclass class Person: name: str age: int @dataclass class Coder(Person): preferred_language: str = 'Python 3'
幾個魔法函數(shù)方法的功能(__init__,__repr__,__le__,__eq__)
關(guān)于數(shù)據(jù)類有以下幾個特性:
數(shù)據(jù)類可以是可變的,也可以是不可變的
支持字段的默認(rèn)值
可被其他類繼承
數(shù)據(jù)類可以定義新的方法并覆蓋現(xiàn)有的方法
初始化后處理(例如驗(yàn)證一致性)
更多內(nèi)容可以參考官方文檔。
自定義對模塊屬性的訪問
在Python中,可以用getattr和dir控制任何對象的屬性訪問和提示。因?yàn)閜ython3.7,你也可以對模塊這樣做。
一個自然的例子是實(shí)現(xiàn)張量庫的隨機(jī)子模塊,這通常是跳過初始化和傳遞隨機(jī)狀態(tài)對象的快捷方式。numpy的實(shí)現(xiàn)如下:
# nprandom.py import numpy __random_state = numpy.random.RandomState() def __getattr__(name): return getattr(__random_state, name) def __dir__(): return dir(__random_state) def seed(seed): __random_state = numpy.random.RandomState(seed=seed)
也可以這樣混合不同對象/子模塊的功能。與pytorch和cupy中的技巧相比。
除此之外,還可以做以下事情:
使用它來延遲加載子模塊。例如,導(dǎo)入tensorflow時會導(dǎo)入所有子模塊(和依賴項(xiàng))。需要大約150兆內(nèi)存。
在應(yīng)用編程接口中使用此選項(xiàng)進(jìn)行折舊
在子模塊之間引入運(yùn)行時路由
內(nèi)置的斷點(diǎn)
在python3.7中可以直接使用breakpoint給代碼打斷點(diǎn)
# Python 3.7+, not all IDEs support this at the moment foo() breakpoint() bar()
在python3.7以前我們可以通過import pdb的pdb.set_trace()實(shí)現(xiàn)相同的功能。
對于遠(yuǎn)程調(diào)試,可嘗試將breakpoint()與web-pdb結(jié)合使用.
Math模塊中的常數(shù)
# Python 3 math.inf # Infinite float math.nan # not a number max_quality = -math.inf # no more magic initial values! for model in trained_models: max_quality = max(max_quality, compute_quality(model, data))
整數(shù)類型只有int
Python 2提供了兩種基本的整數(shù)類型,一種是int(64位有符號整數(shù))一種是long,使用起來非常容易混亂,而在python3中只提供了int類型這一種。
isinstance(x, numbers.Integral) # Python 2, the canonical way isinstance(x, (long, int)) # Python 2 isinstance(x, int) # Python 3, easier to remember
在python3中同樣的也可以應(yīng)用于其他整數(shù)類型,如numpy.int32、numpy.int64,但其他類型不適用。
感謝你能夠認(rèn)真閱讀完這篇文章,希望小編分享的“怎么愉快地遷移到Python 3”這篇文章對大家有幫助,同時也希望大家多多支持億速云,關(guān)注億速云行業(yè)資訊頻道,更多相關(guān)知識等著你來學(xué)習(xí)!
免責(zé)聲明:本站發(fā)布的內(nèi)容(圖片、視頻和文字)以原創(chuàng)、轉(zhuǎn)載和分享為主,文章觀點(diǎn)不代表本網(wǎng)站立場,如果涉及侵權(quán)請聯(lián)系站長郵箱:is@yisu.com進(jìn)行舉報,并提供相關(guān)證據(jù),一經(jīng)查實(shí),將立刻刪除涉嫌侵權(quán)內(nèi)容。