Tensorflow 对比pytorch

1、python

x = 0.0
y = 1.0

for iteration in range(50):
    x = x + y
    y = y / 2

print(x)

2、tensorflow1.13

"""
    tensorflow与pytorch对比
"""
import tensorflow as tf
import keras.backend as K


# 设置自增长
config = tf.ConfigProto()
config.gpu_options.allow_growth = True
# 设置到keras 中去
K.tensorflow_backend.set_session(tf.Session(config=config))

print(tf.__version__)

# 1 + 1/2 + 1/2^2 + 1/2^3
x = tf.Variable(0.0)
y = tf.Variable(1.0)

print(x)
print(y)

# x / 2
add_op = x.assign(x + y)
# y / 2
div_op = y.assign(y / 2)

with tf.Session() as sess:
    sess.run(tf.global_variables_initializer())

    for i in range(50):
        sess.run(add_op)
        sess.run(div_op)

    print(x.eval())

3、pytorch

pytorch 安装

pip install torch torchvision -i https://mirror.baidu.com/pypi/simple
import torch

print(torch.__version__)

x = torch.tensor([0.0])
y = torch.tensor([1.0])

for iteration in range(50):
    x = x + y
    y = y / 2

print(x)


4、tensorflow 1.13 + eager / tensorflow2.0

import tensorflow as tf
tf.enable_eager_execution()

print(tf.__version__)

x = tf.Variable(0.0)
y = tf.Variable(1.0)

for iteration in range(50):
    x = x + y
    y = y / 2

print(x.numpy())


猜你喜欢

转载自blog.csdn.net/weixin_45875105/article/details/113251360