随着python在机器学习和数据科学领域的应用越来越广泛,相关的python库也增长的非常快。但是python本身存在一个非常要命的问题,就是python2和python3,两个版本互不兼容,而且github上python2的开源库有很多不兼容python3,导致大量的python2的用户不愿意迁移到python3。
  python3在很多方面都做出了改变,优化了python2的很多不足,标准库也扩充了很多内容,例如协程相关的库。现在列举一些python3里提供的功能,跟你更好的从python2迁移到python3的理由。
Python3的这些新特性很方便,新手必学
这里要注意:不管你是为了python就业还是兴趣爱好,记住:项目开发经验永远是核心,如果你没有2020最新python入门到高级实战视频教程,可以去小编的python交流.裙 :七衣衣九七七巴而五(数字的谐音)转换下可以找到了,里面很多新python教程项目,还可以跟老司机交流讨教!

系统文件路径处理库:pathlib

  使用python2的同学,应该都用过os.path这个库,来处理各种各样的路径问题,比如拼接文件路径的函数:os.path.join(),用python3,你可以使用pathlib很方便的完成这个功能:

1
2
3
4
5
6
7
8
9
10
11
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

相比与os.path.join()函数,pathlib更加安全、方便、可读。pathlib还有很多其他的功能。

1
2
3
4
5
6
7
p.exists()
p.is_dir()
p.parts()
p.with_name('sibling.png') # only change the name, but keep the folder
p.with_suffix('.jpg') # only change the extension, but keep the folder and the name
p.chmod(mode)
p.rmdir()

类型提醒: type hinting

  在pycharm中,类型提醒是这个样子的:
Python3的这些新特性很方便,新手必学

  类型提醒在复杂的项目中可以很好的帮助我们规避一些手误或者类型错误,python2的时候是靠ide来识别,格式ide识别方法不一致,并且只是识别,并不具备严格限定。例如有下面的代码,参数可以是numpy.array , astropy.table and astropy.column, bcolz, cupy, mxnet.ndarray等等。

1
2
3
4
5
6
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]

同样上面的代码,传入pandas.series类型的参数也是可以,但是运行时会出错。

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

  这还只是一个函数,对于大型的项目,会有好多这样的函数,代码很容易就跑飞了。所以确定的参数类型对于大型项目来说非常重要,而python2没有这样的能力,python3可以。

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

  目前,比如jetbrains家的pycharm已经支持type hint语法检查功能,如果你使用了这个ide,可以通过ide功能进行实现。如果你像我一样,使用了sublimetext编辑器,那么第三方工具mypy可以帮助到你。
  ps:目前类型提醒对ndarrays/tensors支持不是很好。

运行时类型检查:

正常情况下,函数的注释处理理解代码用,其他没什么用。你可以是用enforce来强制运行时检查类型。

1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
18
19
20
@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

使用@特殊字符表示矩阵乘法

如下代码:

1
2
3
4
5
6
# 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)

使用@符号,整个代码变得更可读和方便移植到其他如numpy、tensorflow等库。

**特殊字符来递归文件路径

在python2中,递归查找文件不是件容易的事情,即使使用glob库,但是python3中,可以通过通配符简单的实现。

1
2
3
4
5
6
7
8
9
10
11
12
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一起使用,效果更好:

1
2
# python 3
found_images = pathlib.path('/path/').glob('**/*.jpg')

print函数

打印到指定文件

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

不使用join函数拼接字符串

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

重写print函数

1
2
3
4
# python 3
_print = print # store the original print function
def print(*args, **kargs):
pass # do something useful, e.g. store output to some file

再比如下面的代码

1
2
3
4
5
6
7
8
9
10
11
@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>

虽然上面这段代码也能达到重写print函数的目的,但是不推荐使用。

字符串格式化

python2提供的字符串格式化系统还是不够好,太冗长麻烦,通常我们会写这样一段代码来输出日志信息:

1
2
3
4
5
6
7
8
9
10
11
12
# 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)
))

输出的结果是:

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

python3.6的f-strings功能实现起来就简单多了。

1
2
# 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}')

而且,在编写查询或生成代码片段时非常方便:

1
query = f"insert into station values (13, '{city}', '{state}', {latitude}, {longitude})"

严格排序

下面这些比较操作在python3里是非法的

1
2
3
4
5
6
7
8
# 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]

不同类型的数据无法排序

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

nlp unicode问题

1
2
3
4
5
6
7
8
9
10
11
12
13
s = '您好'
print(len(s))
print(s[:2])

output:

python 2: 6\n��
python 3: 2\n您好.


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

下面这段代码在python2里运行失败但是python3会成功运行,python3的字符串都是unicode编码,所以这样对nlp来说很方便,再比如:

1
2
'a' < type < u'a'  # python 2: true
'a' < u'a' # python 2: false
1
2
3
4
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})

字典

cpython3.6+里的dict默认的行为和orderdict很类似

1
2
3
4
5
6
7
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字典内容的数据和传入参数的顺序是一致的。

1
2
3
4
5
6
7
8
9
10
11
12
13
14
15
16
17
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())
)

iterable unpacking

1
2
3
4
5
6
7
8
9
# 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 engine

1
2
3
4
5
6
7
8
9
10
11
# python 2
import cpickle as pickle
import numpy
print len(pickle.dumps(numpy.random.normal(size=[1000, 1000])))
# result: 23691675

# python 3
import pickle
import numpy
len(pickle.dumps(numpy.random.normal(size=[1000, 1000])))
# result: 8000162

缩短到python2时间的1/3

更安全的列表推导

1
2
3
4
5
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

更简易的super()

1
2
3
4
5
6
7
8
9
# 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)

multiple unpacking

合并两个dict

1
2
3
4
5
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.

python3.5+不仅仅合并dict很方便,合并list等也很方便

1
2
3
[*a, *b, *c] # list, concatenating 
(*a, *b, *c) # tuple, concatenating
{*a, *b, *c} # set, union
1
2
3
4
5
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)

整数类型

python2提供了两个整数类型:int和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提供了很多新的特性,方便我们编码的同时,也带来了更好的安全性和较高的性能。而且官方也一直推荐尽快迁移到python3。当然,迁移的代价因系统而异,希望这篇文章能对你迁移python2到python3有些帮助。

最后要注意:不管你是为了python就业还是兴趣爱好,记住:项目开发经验永远是核心,如果你没有2020最新python入门到高级实战视频教程,可以去小编的python交流.裙 :七衣衣九七七巴而五(数字的谐音)转换下可以找到了,里面很多新python教程项目,还可以跟老司机交流讨教!
本文的文字及图片来源于网络加上自己的想法,仅供学习、交流使用,不具有任何商业用途,版权归原作者所有,如有问题请及时联系我们以作处理。