Pytorch、TensorFlow、Keras如何固定随机种子

人工智能106

1. 可能引入随机性的地方

  • cuDNN中大量nondeterministic的算法
  • GPU多线程
  • 多个num_workers带来的随机性
  • 来自复杂模型的随机性(比如一些版本的RNN和LSTM、Conv、Dropout、Dense、GRUCell层的初始化
  • 一些第三方库(因此需要固定对应库RNG的种子)
  • 优化器(比如Adam)
  • 不同的开发环境,比如软件版本、CPU类型

2. Pytorch如何固定随机种子

在其他模块的导入或者其他代码之前,在文件的顶端部分通过调用seed_torch()函数固定随机种子,即设置各个随机数字生成器(RNG)的种子。


def seed_torch(seed=42):
    random.seed(seed)
    os.environ['PYTHONHASHSEED'] = str(seed)
    np.random.seed(seed)
    torch.manual_seed(seed)
    torch.cuda.manual_seed(seed)

    torch.backends.cudnn.deterministic = True

seed_torch(seed=42)

其他:

  1. fastiai中用augmentation时,由于多线程的data loading,会带来随机性。 ​ When you use threads for data loading, the augmentation for each image is done inside different threads. So, even if you have set a random seed before, threads (since they share resources) will update the state of the random and share this state as they perform augmentations.

  2. Always and always provide the random seed for functions in the code that require them; a classic example of such a function is train_test_split() where the random_state parameter is expected.

  3. 对pytorch而言,DataLoader will reseed workers following Randomness in multi-process data loading algorithm. Use worker_init_fn() and generator to preserve reproducibility

  4. 有人pytorch不能复现,加gradient clipping后可以复现了

知识补充:

torch.backends.cudnn.benchmark = False,用于控制是否去选择最快、最优的算法(通过基准测试,在多种实现不同尺寸卷积的方式中选取一个算法。接下来就都用这个算法。)。Due to benchmarking noise and different hardware, the benchmark may select different algorithms on subsequent runs, even on the same machine. 设置为False的时候,保证了CUDA每次都选择 相同的算法,但是不保证该算法是deterministic的。这个设置好像是针对卷积运算的

torch.use_deterministic_algorithms(True) 和 torch.backends.cudnn.deterministic = True可以保证使用的算法是deterministic。后者只保证这一点,但是 torch.use_deterministic_algorithms(True),遇到nondeterministic的算法时会去搜索是否有deterministic的算法可以替换,若有则自动替换,若没有则报错。------ 参考

3. TensorFlow和Keras如何固定随机种子

Keras 从 NumPy 随机生成器中获得随机源,所以不管使用 Theano 或者 TensorFlow 后端的哪一个,都必须设置种子。

另外,TensorFlow 有自己的随机数生成器,该生成器也必须在 NumPy 随机数生成器之后通过立马调用 seed_tensorflow() 函数设置种子点。

以上操作都应当在文件顶端实现。这是最佳的实现方式(best practice),因为当各种各样的Keras或者Theano(或者其他的)库作为初始化的一部分被导入时,甚至在直接使用他们之前,都可能会用到一些随机性。

具体操作如下:

def seed_tensorflow(seed=42):
    os.environ['PYTHONHASHSEED'] = str(seed)
    random.seed(seed)
    np.random.seed(seed)
    tf.random.set_seed(seed)
    os.environ['TF_DETERMINISTIC_OPS'] = '1'

seed_tensorflow(42)

在调用seed_tensorflow后还需设置model.fit中shuffle=False、worker=1.

其他

  1. 设置Keras后端为Theano switched to Theano as Keras backend with "conv.algo_bwd_data=deterministic" and "conv.algo_bwd_filter=deterministic" in config file. Looks reproducible. Was not able to reproduce with Tensorflow. 但也有人说还是不可复现。另外,theano的默认是channel_first的。
  2. 在旧版本的tf中(图执行模式、用Session),随机操作依懒与两种seed,即global seed和operation seed。tf.set_random_seed固定是global seed,作为参数传入的是operation seed。随机性不仅与graph的状态有关也与我们的随机数设置有关。另外,global seed对graph创建前的改变是很敏感的。 新版本的tf似乎不太一样。。。
  3. pip install tensorflow-determinism

from tfdeterminism import patch
patch()

pip install tensorflow-determinism
os.environ['TF_DETERMINISTIC_OPS'] = 1即可
  1. Do not import from tf.python.keras Ensure all imports are consistent (i.e. don't do from keras.layers import ... and from tensorflow.keras.optimizers import ...) ------ 参考

4. 补充提醒

  1. 有时候在代码中才固定 PYTHONHASHSEED 会太晚,此时可选择在终端就提前固定。
PYTHONHASHSEED=0 python3 train.py
  1. 避免使用并行操作 avoid parallelism.Because of floating point errors, the order of execution matters. For example, 1 + 1 + 1/3 is not perfectly equal to 1/3 + 1 + 1 (check it out in a Python shell).To make TensorFlow single-threaded, you can set the TF_NUM_INTEROP_THREADS and TF_NUM_INTRAOP_THREADS environment variables to 1 before starting Python (or at least before importing TensorFlow).

  2. 查看官方API文档,了解随机性的来源。

  3. 一些很好的搜寻平台包括GitHub、StackOverflow 、CrossValidated、Machine Leaning MasteryQuora、StackExchange、medium。

5. 和解

深度学习一个很大的特点就是"随机性",it's a feature,not a bug!

当你将神经网络的操作看作数学操作,那么你希望所有的事情都是确定的。卷积、激活、交叉熵计算,都得是确定的。甚至伪随机操作,比如shuffle、drop-out、noise等,都应该被seed所确定。

然而,如果你将神经网络的操作看作是大规模并行运算(多线程 multi-threads),这将产生随机性,除非你很小心。

当所有线程处理各自的数据时结果是确定的,比如activation操作是确定的。并行计算的随机性是指,当多个线程需要同步,比如sum,那么结果将依赖于求和的顺序,或者哪个线程先结束。另外,I think it has to do with rounding errors that get accumulated.

也许固定随机数没那么重要,当你训练的时候,由于randomness,你的loss是来自一个置信区间(confidence interval)的值。比较这些值以优化超参数而忽略这些置信区间没有多大意义——因此,在我看来,在这种情况下以及许多其他情况下花费太多精力来修复非确定性是徒劳的。

cm 可以多跑几次,计算mean,来衡量有效性。

另外,即使不能固定所有随机种子,在你固定了一些之后,训练结果相对于不固定还是要稳定一些的,这个可以通过计算训练结果的std来看。

英伟达官方 和TensorFlow官方、pytorch官方 均不保证可复现性

Pytorch、TensorFlow、Keras如何固定随机种子

; 6. 总结

比较重要的是在一开始调用set_seed()函数。对于tf+keras,需要model.fit()中的shuffle=False,worker=1。另外再用上tfdm。其他的像是手动设置Conv2d、Conv3D、Dense、Dropout的seed什么的基本不需要。

7. 参考

  1. 深度学习模型训练中如何控制随机性
  2. 用深度学习每次得到的结果都不一样,怎么办?
  3. Embrace Randomness in Machine Learning
  4. Why Do I Get Different Results Each Time in Machine Learning?

Original: https://blog.csdn.net/weixin_43987408/article/details/122492885
Author: rain-fallz
Title: Pytorch、TensorFlow、Keras如何固定随机种子