欧美bbbwbbbw肥妇,免费乱码人妻系列日韩,一级黄片

python2.7到3.x遷移指南

 更新時(shí)間:2018年02月01日 08:58:17   投稿:laozhang  
由于PYTHON2.7即將停止支持,小編給大家分享了一篇關(guān)python2.7到3.x遷移指南內(nèi)容,希望對(duì)各位有用。

目前,Python 科學(xué)棧中的所有主要項(xiàng)目都同時(shí)支持 Python 3.x 和 Python 2.7,不過,這種情況很快即將結(jié)束。去年 11 月,Numpy 團(tuán)隊(duì)的一份聲明引發(fā)了數(shù)據(jù)科學(xué)社區(qū)的關(guān)注:這一科學(xué)計(jì)算庫即將放棄對(duì)于 Python 2.7 的支持,全面轉(zhuǎn)向 Python 3。Numpy 并不是唯一宣稱即將放棄 Python 舊版本支持的工具,pandas 與 Jupyter notebook 等很多產(chǎn)品也在即將放棄支持的名單之中。對(duì)于數(shù)據(jù)科學(xué)開發(fā)者而言,如何將已有項(xiàng)目從 Python 2 轉(zhuǎn)向 Python 3 成為了正在面臨的重大問題。來自莫斯科大學(xué)的 Alex Rogozhnikov 博士為我們整理了一份代碼遷移指南。

Python 3 功能簡(jiǎn)介

Python 是機(jī)器學(xué)習(xí)和其他科學(xué)領(lǐng)域中的主流語言,我們通常需要使用它處理大量的數(shù)據(jù)。Python 兼容多種深度學(xué)習(xí)框架,且具備很多優(yōu)秀的工具來執(zhí)行數(shù)據(jù)預(yù)處理和可視化。

但是,Python 2 和 Python 3 長(zhǎng)期共存于 Python 生態(tài)系統(tǒng)中,很多數(shù)據(jù)科學(xué)家仍然使用 Python 2。2019 年底,Numpy 等很多科學(xué)計(jì)算工具都將停止支持 Python 2,而 2018 年后 Numpy 的所有新功能版本將只支持 Python 3。

為了使 Python 2 向 Python 3 的轉(zhuǎn)換更加輕松,我收集了一些 Python 3 的功能,希望對(duì)大家有用。

使用 pathlib 更好地處理路徑

pathlib 是 Python 3 的默認(rèn)模塊,幫助避免使用大量的 os.path.joins:

from pathlib import Path
dataset = 'wiki_images'
datasets_root = Path('/path/to/datasets/') 
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

Python 2 總是試圖使用字符串級(jí)聯(lián)(準(zhǔn)確,但不好),現(xiàn)在有了 pathlib,代碼安全、準(zhǔn)確、可讀性強(qiáng)。

此外,pathlib.Path 具備大量方法,這樣 Python 新用戶就不用每個(gè)方法都去搜索了:

p.exists()
p.is_dir()
p.parts()
p.with_name('sibling.png') # only change the name, but keep the folderp.with_suffix('.jpg') # only change the extension, but keep the folder and the name
p.chmod(mode)
p.rmdir()

pathlib 會(huì)節(jié)約大量時(shí)間,詳見:

文檔:https://docs.python.org/3/library/pathlib.html;

參考信息:https://pymotw.com/3/pathlib/。

類型提示(Type hinting)成為語言的一部分

Python 不只是適合腳本的語言,現(xiàn)在的數(shù)據(jù)流程還包括大量步驟,每一步都包括不同的框架(有時(shí)也包括不同的邏輯)。

類型提示被引入 Python,以幫助處理越來越復(fù)雜的項(xiàng)目,使機(jī)器可以更好地進(jìn)行代碼驗(yàn)證。而之前需要不同的模塊使用自定義方式在文檔字符串中指定類型(注意:PyCharm 可以將舊的文檔字符串轉(zhuǎn)換成新的類型提示)。

下列代碼是一個(gè)簡(jiǎn)單示例,可以處理不同類型的數(shù)據(jù)(這就是我們喜歡 Python 數(shù)據(jù)棧之處)。

def repeat_each_entry(data):
""" Each entry in the data is doubled
<blah blah nobody reads the documentation till the end>
"""
index = numpy.repeat(numpy.arange(len(data)), 2) 
return data[index]

上述代碼適用于 numpy.array(包括多維)、astropy.Table 和 astropy.Column、bcolz、cupy、mxnet.ndarray 等。

該代碼同樣可用于 pandas.Series,但是方式是錯(cuò)誤的:

repeat_each_entry(pandas.Series(data=[0, 1, 2], index=[3, 4, 5])) # returns Series with Nones inside

這是一個(gè)兩行代碼。想象一下復(fù)雜系統(tǒng)的行為多么難預(yù)測(cè),有時(shí)一個(gè)函數(shù)就可能導(dǎo)致錯(cuò)誤的行為。明確了解哪些類型方法適合大型系統(tǒng)很有幫助,它會(huì)在函數(shù)未得到此類參數(shù)時(shí)給出提醒。

def repeat_each_entry(data: Union[numpy.ndarray, bcolz.carray]):

如果你有一個(gè)很棒的代碼庫,類型提示工具如 MyPy 可能成為集成流程中的一部分。不幸的是,提示沒有強(qiáng)大到足以為 ndarrays/tensors 提供細(xì)粒度類型,但是或許我們很快就可以擁有這樣的提示工具了,這將是 DS 的偉大功能。

類型提示 → 運(yùn)行時(shí)的類型檢查

默認(rèn)情況下,函數(shù)注釋不會(huì)影響代碼的運(yùn)行,不過它也只能幫你指出代碼的意圖。

但是,你可以在運(yùn)行時(shí)中使用 enforce 等工具強(qiáng)制進(jìn)行類型檢查,這可以幫助你調(diào)試代碼(很多情況下類型提示不起作用)。

@enforce.runtime_validation
def foo(text: str) -> None: 
print(text)
foo('Hi') # ok
foo(5) # fails
@enforce.runtime_validation
def any2(x: List[bool]) -> bool: 
return any(x)
any ([False, False, True, False]) # True
any2([False, False, True, False]) # True
any (['False']) # True
any2(['False']) # fails
any ([False, None, "", 0]) # False
any2([False, None, "", 0]) # fails

函數(shù)注釋的其他用處

如前所述,注釋不會(huì)影響代碼執(zhí)行,而且會(huì)提供一些元信息,你可以隨意使用。

例如,計(jì)量單位是科學(xué)界的一個(gè)普遍難題,astropy 包提供一個(gè)簡(jiǎn)單的裝飾器(Decorator)來控制輸入量的計(jì)量單位,并將輸出轉(zhuǎn)換成所需單位。

# Python 3
from astropy import units as u
@u.quantity_input()
def frequency(speed: u.meter / u.s, wavelength: u.m) -> u.terahertz: 
return speed / wavelength
frequency(speed=300_000 * u.km / u.s, wavelength=555 * u.nm)
# output: 540.5405405405404 THz, frequency of green visible light

如果你擁有 Python 表格式科學(xué)數(shù)據(jù)(不必要太多),你應(yīng)該嘗試一下 astropy。你還可以定義針對(duì)某個(gè)應(yīng)用的裝飾器,用同樣的方式來控制/轉(zhuǎn)換輸入和輸出。

通過 @ 實(shí)現(xiàn)矩陣乘法

下面,我們實(shí)現(xiàn)一個(gè)最簡(jiǎn)單的機(jī)器學(xué)習(xí)模型,即帶 L2 正則化的線性回歸:

# l2-regularized linear regression: || AX - b ||^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(b))
# Python 3
X = np.linalg.inv(A.T @ A + alpha * np.eye(A.shape[1])) @ (A.T @ b)

下面 Python 3 帶有 @ 作為矩陣乘法的符號(hào)更具有可讀性,且更容易在深度學(xué)習(xí)框架中轉(zhuǎn)譯:因?yàn)橐恍┤?X @ W + b[None, :] 的代碼在 numpy、cupy、pytorch 和 tensorflow 等不同庫下都表示單層感知機(jī)。

使用 ** 作為通配符

遞歸文件夾的通配符在 Python2 中并不是很方便,因此才存在定制的 glob2 模塊來克服這個(gè)問題。遞歸 flag 在 Python 3.6 中得到了支持。

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)

python3 中更好的選擇是使用 pathlib:

# Python 3
found_images = pathlib.Path('/path/').glob('**/*.jpg')

Print 在 Python3 中是函數(shù)

Python 3 中使用 Print 需要加上麻煩的圓括弧,但它還是有一些優(yōu)點(diǎn)。

使用文件描述符的簡(jiǎn)單句法:

print >>sys.stderr, "critical error" # Python 2
print("critical error", file=sys.stderr) # Python 3

在不使用 str.join 下輸出 tab-aligned 表格:

# Python 3
print(*array, sep='\t')
print(batch, epoch, loss, accuracy, time, sep='\t')

修改與重新定義 print 函數(shù)的輸出:

# 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 中,非常好的一點(diǎn)是記錄每一個(gè)輸出到獨(dú)立的文檔,并在出現(xiàn)錯(cuò)誤的時(shí)候追蹤出現(xiàn)問題的文檔,所以我們現(xiàn)在可以重寫 print 函數(shù)了。

在下面的代碼中,我們可以使用上下文管理器暫時(shí)重寫 print 函數(shù)的行為:

@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>

上面并不是一個(gè)推薦的方法,因?yàn)樗鼤?huì)引起系統(tǒng)的不穩(wěn)定。

print 函數(shù)可以加入列表解析和其它語言構(gòu)建結(jié)構(gòu)。

# Python 3
result = process(x) if is_valid(x) else print('invalid item: ', x)

f-strings 可作為簡(jiǎn)單和可靠的格式化

默認(rèn)的格式化系統(tǒng)提供了一些靈活性,且在數(shù)據(jù)實(shí)驗(yàn)中不是必須的。但這樣的代碼對(duì)于任何修改要么太冗長(zhǎng),要么就會(huì)變得很零碎。而代表性的數(shù)據(jù)科學(xué)需要以固定的格式迭代地輸出一些日志信息,通常需要使用的代碼如下:

# 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)))

樣本輸出:

120 12 / 300 accuracy: 0.8180±0.4649 time: 56.60

f-strings 即格式化字符串在 Python 3.6 中被引入:

# Python 3.6+
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}')

另外,寫查詢語句時(shí)非常方便:

query = f"INSERT INTO STATION VALUES (13, '{city}', '{state}', {latitude}, {longitude})"

「true division」和「integer division」之間的明顯區(qū)別

對(duì)于數(shù)據(jù)科學(xué)來說這種改變帶來了便利(但我相信對(duì)于系統(tǒng)編程來說不是)。

data = pandas.read_csv('timing.csv')
velocity = data['distance'] / data['time']

Python 2 中的結(jié)果依賴于『時(shí)間』和『距離』(例如,以米和秒為單位)是否被保存為整數(shù)。

在 Python 3 中,結(jié)果的表示都是精確的,因?yàn)槌ǖ慕Y(jié)果是浮點(diǎn)數(shù)。

另一個(gè)案例是整數(shù)除法,現(xiàn)在已經(jīng)作為明確的運(yùn)算:

n_gifts = money // gift_price # correct for int and float arguments

注意,該運(yùn)算可以應(yīng)用到內(nèi)建類型和由數(shù)據(jù)包(例如,numpy 或 pandas)提供的自定義類型。

嚴(yán)格排序

# All these comparisons are illegal in Python 3
3 < '3'
2 < None
(3, 4) < (3, None)
(4, 5) < [4, 5]
# False in both Python 2 and Python 3
(4, 5) == [4, 5]

防止不同類型實(shí)例的偶然性的排序。

sorted([2, '1', 3]) # invalid for Python 3, in Python 2 returns [2, 3, '1']

在處理原始數(shù)據(jù)時(shí)幫助發(fā)現(xiàn)存在的問題。

旁注:對(duì) None 的合適檢查是(兩個(gè)版本的 Python 都適用):

if a is not None: 
pass
if a: # WRONG check for None 
pass

自然語言處理的 Unicode

s = '您好'
print(len(s))
print(s[:2])

輸出:

Python 2: 6\

Python 3: 2\n 您好.

x = u'со'
x += 'co' # ok
x += 'со' # fail

Python 2 在此失敗了,而 Python 3 可以如期工作(因?yàn)槲以谧址惺褂昧硕砦淖帜福?/p>

在 Python 3 中 strs 是 Unicode 字符串,對(duì)非英語文本的 NLP 處理更加方便。

還有其它有趣的方面,例如:

'a' < type < u'a' # Python 2: True
'a' < u'a'   # Python 2: False
from collections import Counter
Counter('Möbelstück')

Python 2: Counter({'\xc3': 2, 'b': 1, 'e': 1, 'c': 1, 'k': 1, 'M': 1, 'l': 1, 's': 1, 't': 1, '\xb6': 1, '\xbc': 1})
Python 3: Counter({'M': 1, 'ö': 1, 'b': 1, 'e': 1, 'l': 1, 's': 1, 't': 1, 'ü': 1, 'c': 1, 'k': 1})

這些在 Python 2 里也能正確地工作,但 Python 3 更為友好。

保留詞典和**kwargs 的順序

在 CPython 3.6+ 版本中,字典的默認(rèn)行為類似于 OrderedDict(在 3.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ù)中顯示的那樣。當(dāng)設(shè)計(jì)數(shù)據(jù)流程時(shí),順序至關(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())  
]))
# 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()))

注意到了嗎?名稱的唯一性也會(huì)被自動(dòng)檢查。

迭代地拆封

# 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)

默認(rèn)的 pickle 引擎為數(shù)組提供更好的壓縮

# Python 2
import cPickle as pickle
import numpy
print len(pickle.dumps(numpy.random.normal(size=[1000, 1000])))
# result: 23691675
# Python 3import pickle
import numpy
len(pickle.dumps(numpy.random.normal(size=[1000, 1000])))# result: 8000162

節(jié)省 3 倍空間,而且速度更快。實(shí)際上,類似的壓縮(不過與速度無關(guān))可以通過 protocol=2 參數(shù)來實(shí)現(xiàn),但是用戶通常會(huì)忽略這個(gè)選項(xiàng)(或者根本不知道)。

更安全的解析

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 3

關(guān)于 super()

Python 2 的 super(...)是代碼錯(cuò)誤中的常見原因。

# 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)

更好的 IDE 會(huì)給出變量注釋

在使用 Java、C# 等語言編程的過程中最令人享受的事情是 IDE 可以提供非常好的建議,因?yàn)樵趫?zhí)行代碼之前,所有標(biāo)識(shí)符的類型都是已知的。

而在 Python 中這很難實(shí)現(xiàn),但是注釋可以幫助你:

以清晰的形式寫下你的期望

從 IDE 獲取良好的建議

這是一個(gè)帶變量注釋的 PyCharm 示例。即使你使用的函數(shù)不帶注釋(例如,由于向后兼容性),它也能工作。

多種拆封(unpacking)

在 Python3 中融合兩個(gè)字典的代碼示例:

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.

aame 方法對(duì)于列表(list)、元組(tuple)和集合(set)都是有效的(a、b、c 是任意的可迭代對(duì)象):

[*a, *b, *c] # list, concatenating 
(*a, *b, *c) # tuple, concatenating 
{*a, *b, *c} # set, union 

對(duì)于*args 和 **kwargs,函數(shù)也支持額外的 unpacking:

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)

只帶關(guān)鍵字參數(shù)的 API

我們考慮這個(gè)代碼片段:

model = sklearn.svm.SVC(2, 'poly', 2, 4, 0.5)

很明顯,代碼的作者還沒熟悉 Python 的代碼風(fēng)格(很可能剛從 cpp 和 rust 跳到 Python)。不幸的是,這不僅僅是個(gè)人偏好的問題,因?yàn)樵?SVC 中改變參數(shù)的順序(adding/deleting)會(huì)使得代碼無效。特別是,sklearn 經(jīng)常會(huì)重排序或重命名大量的算法參數(shù)以提供一致的 API。每次重構(gòu)都可能使代碼失效。

在 Python3,庫的編寫者可能需要使用*以明確地命名參數(shù):

class SVC(BaseSVC): 
def __init__(self, *, C=1.0, kernel='rbf', degree=3, gamma='auto', coef0=0.0, ... )

現(xiàn)在,用戶需要明確規(guī)定參數(shù) sklearn.svm.SVC(C=2, kernel='poly', degree=2, gamma=4, coef0=0.5) 的命名。
這種機(jī)制使得 API 同時(shí)具備了可靠性和靈活性。

小調(diào):math 模塊中的常量

# Python 3
math.inf # 'largest' number
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))

小調(diào):?jiǎn)尉日麛?shù)類型

Python 2 提供了兩個(gè)基本的整數(shù)類型,即 int(64 位符號(hào)整數(shù))和用于長(zhǎng)時(shí)間計(jì)算的 long(在 C++變的相當(dāng)莫名其妙)。

Python 3 有一個(gè)單精度類型的 int,它包含了長(zhǎng)時(shí)間的運(yùn)算。

下面是查看值是否是整數(shù)的方法:

isinstance(x, numbers.Integral) # Python 2, the canonical way
isinstance(x, (long, int))  # Python 2
isinstance(x, int)    # Python 3, easier to remember

其他

Enums 有理論價(jià)值,但是字符串輸入已廣泛應(yīng)用在 python 數(shù)據(jù)棧中。Enums 似乎不與 numpy 交互,并且不一定來自 pandas。

協(xié)同程序也非常有希望用于數(shù)據(jù)流程,但還沒有出現(xiàn)大規(guī)模應(yīng)用。

Python 3 有穩(wěn)定的 ABI

Python 3 支持 unicode(因此ω = Δφ / Δt 也 okay),但你最好使用好的舊的 ASCII 名稱

一些庫比如 jupyterhub(jupyter in cloud)、django 和新版 ipython 只支持 Python 3,因此對(duì)你來講沒用的功能對(duì)于你可能只想使用一次的庫很有用。

數(shù)據(jù)科學(xué)特有的代碼遷移問題(以及如何解決它們)

停止對(duì)嵌套參數(shù)的支持:

map(lambda x, (y, z): x, z, dict.items())

然而,它依然完美適用于不同的理解:

{x:z for x, (y, z) in d.items()}

通常,理解在 Python 2 和 3 之間可以更好地「翻譯」。

map(), .keys(), .values(), .items(), 等等返回迭代器,而不是列表。迭代器的主要問題有:沒有瑣碎的分割和無法迭代兩次。將結(jié)果轉(zhuǎn)化為列表幾乎可以解決所有問題。

用 python 教機(jī)器學(xué)習(xí)和數(shù)據(jù)科學(xué)的主要問題

課程作者應(yīng)該首先花時(shí)間解釋什么是迭代器,為什么它不能像字符串那樣被分片/級(jí)聯(lián)/相乘/迭代兩次(以及如何處理它)。

我相信大多數(shù)課程作者很高興避開這些細(xì)節(jié),但是現(xiàn)在幾乎不可能。

結(jié)論

Python 2 與 Python 3 共存了近 10 年,時(shí)至今日,我們必須要說:是時(shí)候轉(zhuǎn)向 Python 3 了。

研究和生產(chǎn)代碼應(yīng)該更短,更易讀取,并且在遷移到 Python 3 代碼庫之后明顯更加的安全。

現(xiàn)在大多數(shù)庫同時(shí)支持 2.x 和 3.x 兩個(gè)版本。但我們不應(yīng)等到流行工具包開始停止支持 Python 2 才開始行動(dòng),提前享受新語言的功能吧。

相關(guān)文章

  • pandas如何實(shí)現(xiàn)兩個(gè)dataframe相減

    pandas如何實(shí)現(xiàn)兩個(gè)dataframe相減

    這篇文章主要介紹了pandas如何實(shí)現(xiàn)兩個(gè)dataframe相減方式,具有很好的參考價(jià)值,希望對(duì)大家有所幫助,如有錯(cuò)誤或未考慮完全的地方,望不吝賜教
    2024-02-02
  • Python實(shí)現(xiàn)合并多個(gè)Excel文件中的指定sheet

    Python實(shí)現(xiàn)合并多個(gè)Excel文件中的指定sheet

    這篇文章主要為大家介紹了一個(gè)用于合并多個(gè)Excel文件中指定sheet的Python代碼,這個(gè)功能可以方便地整理和分析數(shù)據(jù),文中的示例代碼簡(jiǎn)潔易懂,需要的可以參考下
    2023-10-10
  • 如何基于線程池提升request模塊效率

    如何基于線程池提升request模塊效率

    這篇文章主要介紹了如何基于線程池提升request模塊效率,文中通過示例代碼介紹的非常詳細(xì),對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,需要的朋友可以參考下
    2020-04-04
  • Python使用matplotlib 畫矩形的三種方式分析

    Python使用matplotlib 畫矩形的三種方式分析

    這篇文章主要介紹了Python使用matplotlib 畫矩形的三種方式,結(jié)合實(shí)例形式分析了Python基于matplotlib繪制矩形的具體實(shí)現(xiàn)方法與相關(guān)操作注意事項(xiàng),需要的朋友可以參考下
    2019-10-10
  • Python如何爬取qq音樂歌詞到本地

    Python如何爬取qq音樂歌詞到本地

    這篇文章主要介紹了Python如何爬取qq音樂歌詞到本地,文中通過示例代碼介紹的非常詳細(xì),對(duì)大家的學(xué)習(xí)或者工作具有一定的參考學(xué)習(xí)價(jià)值,需要的朋友可以參考下
    2020-06-06
  • Python?matplotlib繪圖時(shí)使用鼠標(biāo)滾輪放大/縮小圖像

    Python?matplotlib繪圖時(shí)使用鼠標(biāo)滾輪放大/縮小圖像

    Matplotlib是Python程序員可用的事實(shí)上的繪圖庫,雖然它比交互式繪圖庫在圖形上更簡(jiǎn)單,但它仍然可以一個(gè)強(qiáng)大的工具,下面這篇文章主要給大家介紹了關(guān)于Python?matplotlib繪圖時(shí)使用鼠標(biāo)滾輪放大/縮小圖像的相關(guān)資料,需要的朋友可以參考下
    2022-05-05
  • 在Python中使用CasperJS獲取JS渲染生成的HTML內(nèi)容的教程

    在Python中使用CasperJS獲取JS渲染生成的HTML內(nèi)容的教程

    這篇文章主要介紹了在Python中使用CasperJS獲取JS渲染生成的HTML內(nèi)容的教程,需要先用JavaScript創(chuàng)建一個(gè)接口文件,需要的朋友可以參考下
    2015-04-04
  • python畫圖--輸出指定像素點(diǎn)的顏色值方法

    python畫圖--輸出指定像素點(diǎn)的顏色值方法

    今天小編就為大家分享一篇python畫圖--輸出指定像素點(diǎn)的顏色值方法,具有很好的參考價(jià)值,希望對(duì)大家有所幫助。一起跟隨小編過來看看吧
    2019-07-07
  • Python環(huán)境搭建之OpenCV的步驟方法

    Python環(huán)境搭建之OpenCV的步驟方法

    本篇文章主要介紹了Python環(huán)境搭建之OpenCV的步驟方法,小編覺得挺不錯(cuò)的,現(xiàn)在分享給大家,也給大家做個(gè)參考。一起跟隨小編過來看看吧
    2017-10-10
  • pytorch常用數(shù)據(jù)類型所占字節(jié)數(shù)對(duì)照表一覽

    pytorch常用數(shù)據(jù)類型所占字節(jié)數(shù)對(duì)照表一覽

    這篇文章主要介紹了pytorch常用數(shù)據(jù)類型所占字節(jié)數(shù)對(duì)照表一覽,具有很好的參考價(jià)值,希望對(duì)大家有所幫助。如有錯(cuò)誤或未考慮完全的地方,望不吝賜教
    2021-05-05

最新評(píng)論