变分高斯玻色采样的训练

Loading

变分高斯玻色采样的训练

前置模块

关于玻色采样的介绍[1]

关于高斯玻色采样的介绍[2]

引言

受到机器学习中神经网络成功的启发,许多应用层面的量子算法依赖于变分量子线路的训练,包括:

  1. 量子神经网络(Quantum Neural Networks, QNNs):一类模仿经典神经网络结构的量子算法,它们使用可变分的量子网络来表示信息,并利用量子力学原理进行信息处理。
  2. 量子支持向量机(Quantum Support Vector Machine, QSVM):使用变分量子线路定义核函数,用于解决凸优化、分类问题等。

  3. 量子近似优化算法(Quantum Approximate Optimization Algorithm, QAOA):通过调整量子线路的参数来找到优化问题的近似最优解。

  4. 变分量子本征求解器(Variational Quantum Eigensolver, VQE):一种用于求解分子能量基态问题的量子算法,通过训练量子线路的参数来近似哈密顿量的最低本征值。

  5. 量子机器学习算法(Quantum Machine Learning Algorithms):使用可变分的量子算法来加速机器学习任务,例如量子数据编码、量子特征提取等。

  6. 量子随机特征(Quantum Random Feature, QRF):将量子计算与经典机器学习模型结合的方法,通过量子线路生成高维空间中的随机特征,以提高模型的性能。

在DeepQuantum常规量子线路中,我们也已经展示了若干从简单、中级到困难的变分量子算法的案例👇

变分量子算法案例[3]

对于光量子模块,光量子入门介绍[4]演示了如何搭建含参数的光量子线路,并用Fock后端进行采样测量。

那么,对于独具特色的高斯玻色采样(Gaussian Boson Sampling,简称GBS)任务,我们是否也能完成对于变分线路的构建和训练呢?

理论基础

在关于高斯玻色采样的介绍[2]中,我们对高斯玻色采样(GBS)进行了细致的介绍。形如玻色采样[1]的概率分布,对于GBS设备,观察到特定输出分布S的概率\Pr(S)如下:

\Pr(S) = \frac{1}{\mathcal{N}} \frac{|\text{Haf}(A_S)|^2}{s_1!\ldots s_m!},

其中,S=(s_1, s_2, \ldots, s_m), s_i是在第i个mode探测到的光子数。 而\mathcal{N} 是一个归一化常数,A是一个任意的特征值在 -11间的对称矩阵。矩阵 A也可以通过一个常数因子进行重新缩放,相当于定义在目标概率分布中总的平均光子数。

我们希望对这种分布进行训练,以执行特定任务。例如,希望再现给定数据集的统计特性,或者优化线路以高概率采样特定模式。以此,任何变分量子算法都有可能在GBS设备上实现。

用数学随机优化模型来表示,给定一个函数h(S)和参数\theta,我们可以通过采样得到概率分布P_{\theta}(S)。而任务的目标则是找到合适的参数\theta,来最小化如下期望值:

C (\theta) = \sum_{S} h(S) P_{\theta}(S).

此案例将聚焦一个简单的5节点的棒棒糖🍭图。通过变分高斯玻色采样的训练,我们期望在特定的节点观察到尽可能多的光子,而在别的节点观察到尽量少的光子。

完成此变分案例需要以下3步:(i)选用合适的方法编码参数;(ii)调用DeepQuantum模块完成GBS采样模拟;(iii)根据采样结果,选取合适损失函数和优化器完成优化。

问题转化与参数化

我们将会调用DeepQuantum中GBS模块,详情可见API文档[5]

首先调用DeepQauntum和相关包:

import deepquantum as dq
import torch

调用networkx包以生成5节点的棒棒糖🍭图,并获得邻接矩阵以对应GBS中特征值在 -11间的的对称矩阵A

import networkx as nx
import numpy as np

graph = nx.lollipop_graph(3, 2)

# 计算邻接矩阵
a = nx.to_numpy_array(graph)
print('邻接矩阵A:', a)

# 可视化图像
nx.draw(graph, with_labels=True)

邻接矩阵A: [[0. 1. 1. 0. 0.]
 [1. 0. 1. 0. 0.]
 [1. 1. 0. 1. 0.]
 [0. 0. 1. 0. 1.]
 [0. 0. 0. 1. 0.]]

此时,若无参数化需要,GBS可通过邻接矩阵A采样生成概率分布P(S)

gbs = dq.photonic.ansatz.GBS_Graph(adj_mat=a, cutoff=3, mean_photon_num=6)
gbs()

# 高斯玻色采样
sample = gbs.measure()
print('采样结果为:',sample)

# 计算每个节点理论平均光子数
photon_number = gbs.photon_number_mean_var()[0]
print('每个节点平均光子数为:',photon_number)
chain 1: 100%|[32m███████████████████████████████[0m| 203/203 [00:00: 35, |11000>: 111, |21100>: 31, |10100>: 84, |01210>: 20, |22000>: 9, |12210>: 11, |01111>: 3, |10111>: 7, |00000>: 317, |10210>: 19, |00220>: 8, |01221>: 6, |00110>: 49, |12221>: 5, |02211>: 2, |22121>: 8, |22011>: 10, |12111>: 7, |11011>: 17, |22211>: 1, |10122>: 5, |11110>: 14, |10021>: 2, |12100>: 25, |01100>: 15, |10221>: 11, |22110>: 2, |11222>: 1, |00121>: 23, |12122>: 1, |11220>: 9, |11211>: 1, |01122>: 1}
每个节点平均光子数为: tensor([1.3273, 1.3273, 2.0721, 0.9466, 0.3268], dtype=torch.float64)

为了实现变分优化,需要编码参数\theta进GBS设备,即参数化矩阵A。论文Training Gaussian Boson Sampling Distributions[6]中引入了“WAW”的参数化方式,即将对称矩阵A转化为

A \rightarrow A_W = W A W,

其中W = \text{diag}(\sqrt{w_1}, \sqrt{w_2}, \ldots, \sqrt{w_m}) 是对角权重矩阵, m是GBS模式数。
这样的构造既可以方便的通过权重w实现参数化,又保留了A对称的特性。另外,在计算A_W的hafnian值时,可通过以下分解分离参数化部分,不会额外增加hafnian的计算难度:

\text{Haf}(A_W) = \text{Haf}(A)\text{det}(W),

于是,我们可以方便地编码可训练参数\theta = (\theta_1, \ldots, \theta_d) 进权重 w_k。这里,我们选用指数嵌入的形式,

w_k = \exp(-\theta_k),

# 生成初始参数
nr_modes = len(a)
params = torch.randn(nr_modes,dtype=torch.float64)
print('初始化参数为: ',params)

# 编码进权重矩阵
weights = torch.exp(-params)
print('指数权重为: ',weights)
w = torch.diag(weights)
print('权重矩阵为: ',w)

# 实现WAW参数化
waw = w @ a @ w
print('WAW矩阵为: ',waw)
初始化参数为:  tensor([-1.2884,  0.2127,  0.6615,  1.2599,  0.3656], dtype=torch.float64)
指数权重为:  tensor([3.6271, 0.8084, 0.5161, 0.2837, 0.6938], dtype=torch.float64)
权重矩阵为:  tensor([[3.6271, 0.0000, 0.0000, 0.0000, 0.0000],
        [0.0000, 0.8084, 0.0000, 0.0000, 0.0000],
        [0.0000, 0.0000, 0.5161, 0.0000, 0.0000],
        [0.0000, 0.0000, 0.0000, 0.2837, 0.0000],
        [0.0000, 0.0000, 0.0000, 0.0000, 0.6938]], dtype=torch.float64)
WAW矩阵为:  tensor([[0.0000, 2.9321, 1.8719, 0.0000, 0.0000],
        [2.9321, 0.0000, 0.4172, 0.0000, 0.0000],
        [1.8719, 0.4172, 0.0000, 0.1464, 0.0000],
        [0.0000, 0.0000, 0.1464, 0.0000, 0.1968],
        [0.0000, 0.0000, 0.0000, 0.1968, 0.0000]], dtype=torch.float64)

调用DeepQuantum模块完成GBS采样模拟

如前模块所示,调用DeepQuantum实现GBS采样模拟十分便捷。高斯玻色采样(GBS)分布由对称矩阵 A 决定,在经过WAW方法参数化后,我们只需要输入waw矩阵。

总的平均光子数是分布的一个超参数:一般而言,不同的选择可能会导致训练中得到不同的结果。实际上,随着权重被优化,平均光子数在训练过程中可能会发生变化,但不会影响最终相对的概率分布。

最后,GBS设备可以操作具有分辨光子数能力的探测器或阈值探测器,这里我们只使用每个模式上的平均光子数。

#根据精度需求设定cutoff
#设定平均光子数为6(也可设置其它)
gbs = dq.photonic.GBS_Graph(adj_mat=waw, cutoff=3,mean_photon_num=6)
gbs()

# 计算每个节点理论平均光子数
photon_number = gbs.photon_number_mean_var()[0]
print('每个节点平均光子数为:',photon_number)
每个节点平均光子数为: tensor([2.9214e+00, 2.1348e+00, 9.3674e-01, 4.7950e-03, 2.3174e-03],
       dtype=torch.float64)

选取损失函数和优化器,完成优化

根据案例开头的需求,在一个5节点的棒棒糖图中,通过变分高斯玻色采样的训练,我们期望在特定的节点观察到尽可能多的光子,而在别的节点观察到尽量少的光子。不失一般性,我们致力于增加棒棒糖图的“糖果”部分中的光子数,这对应于模式子集[0, 1, 2]

损失函数的构建很多样,先采用最简单的线性损失函数:

#构建期望模式子集
subset = [0, 1, 2]

#构建损失函数
def target(s):
    not_subset = [k for k in range(len(s)) if k not in subset]
    return sum(s[not_subset]) - sum(s[subset])

print('loss值为: ',target(photon_number))
loss值为:  tensor(-5.9858, dtype=torch.float64)

接下来仅需通过优化器,最小化损失函数的值,便可完成对于变分高斯玻色采样设备的训练。

为了方便调用优化器,我们整合上面代码,组合成一个VGBSclass

import deepquantum as dq
import torch
import networkx as nx
import torch.nn as nn

graph = nx.lollipop_graph(3, 2)
a = nx.to_numpy_array(graph)
nr_modes = len(a)
subset = [0,1,2]
loss_history = []
result = []

class VGBS(nn.Module):

    def __init__(self):
        super(VGBS,self).__init__()
        self.params = nn.Parameter(torch.randn(nr_modes, dtype=torch.float64), requires_grad=False)
        loss_history.clear()

    def target(self,s):
        not_subset = [k for k in range(len(s)) if k not in subset]
        return sum(s[not_subset]) - sum(s[subset])

    def loss(self,x):
        if not isinstance(x, torch.Tensor):
            x = torch.tensor(x).to(self.params.dtype).reshape(-1)
        weights = torch.exp(-x)
        w = torch.diag(weights)
        waw= w @ a @ w

        gbs = dq.photonic.GBS_Graph(adj_mat=waw, cutoff=5,mean_photon_num=6)
        gbs()
        photon_number = gbs.photon_number_mean_var()[0]
        print('每个节点平均光子数为: ',photon_number)
        l = self.target(photon_number)

        loss_history.append(l.item())
        result.clear()
        result.append(photon_number.tolist())

        return l

选取DeepQuantum内建SPSA优化器,设定优化器参数,完成优化。

# 生成刚创建的VGBS模型
model = VGBS()

# 定义优化器参数
spsa_hyperparam = {
    'a': 1,
    'c': 0.01,
    'A': 200,
    'nepoch': 1000,
    'alpha': 0.602,
    'gamma': 0.101
}
optimizer = dq.optimizer.OptimizerSPSA(model.loss, model.params)
optimizer.set_hyperparam(spsa_hyperparam)
param_best = torch.tensor(optimizer.run(100)).float()

显示计算结果

每个节点平均光子数为: tensor([0.2763, 0.1431, 2.9432, 2.6044, 0.0330], dtype=torch.float64)
每个节点平均光子数为: tensor([0.2769, 0.1341, 2.9431, 2.6126, 0.0332], dtype=torch.float64)
每个节点平均光子数为: tensor([0.2757, 0.1551, 2.9444, 2.5932, 0.0316], dtype=torch.float64)
每个节点平均光子数为: tensor([0.2753, 0.1549, 2.9420, 2.5938, 0.0340], dtype=torch.float64)
每个节点平均光子数为: tensor([0.2843, 0.1548, 2.9450, 2.5850, 0.0309], dtype=torch.float64)
每个节点平均光子数为: tensor([0.2676, 0.1554, 2.9448, 2.6009, 0.0312], dtype=torch.float64)
每个节点平均光子数为: tensor([0.3648, 0.1575, 2.9459, 2.5036, 0.0283], dtype=torch.float64)
每个节点平均光子数为: tensor([0.3427, 0.1475, 2.9453, 2.5335, 0.0309], dtype=torch.float64)
每个节点平均光子数为: tensor([0.5756, 0.2547, 2.9391, 2.2179, 0.0127], dtype=torch.float64)
每个节点平均光子数为: tensor([0.6109, 0.2739, 2.9309, 2.1712, 0.0131], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2362, 0.7007, 2.6733, 1.3744, 0.0154], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2362, 0.7007, 2.6733, 1.3744, 0.0154], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2397, 0.6904, 2.6734, 1.3810, 0.0155], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2326, 0.7111, 2.6732, 1.3678, 0.0153], dtype=torch.float64)
每个节点平均光子数为: tensor([1.1966, 0.7810, 2.6823, 1.3255, 0.0145], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2125, 0.7994, 2.6641, 1.3096, 0.0143], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2991, 0.9155, 2.5591, 1.2132, 0.0131], dtype=torch.float64)
每个节点平均光子数为: tensor([1.2881, 0.8705, 2.5817, 1.2462, 0.0136], dtype=torch.float64)
每个节点平均光子数为: tensor([1.4052, 1.4139, 2.2988, 0.8732, 0.0089], dtype=torch.float64)
每个节点平均光子数为: tensor([1.4282, 1.3982, 2.3054, 0.8599, 0.0082], dtype=torch.float64)
每个节点平均光子数为: tensor([1.5233, 1.3304, 2.3347, 0.8060, 0.0056], dtype=torch.float64)
每个节点平均光子数为: tensor([1.5230, 1.3301, 2.3345, 0.8065, 0.0059], dtype=torch.float64)
每个节点平均光子数为: tensor([1.5112, 1.3394, 2.3309, 0.8127, 0.0057], dtype=torch.float64)
每个节点平均光子数为: tensor([1.5353, 1.3210, 2.3385, 0.7995, 0.0056], dtype=torch.float64)
每个节点平均光子数为: tensor([1.6333, 1.2441, 2.3713, 0.7462, 0.0050], dtype=torch.float64)
每个节点平均光子数为: tensor([1.6333, 1.2441, 2.3713, 0.7462, 0.0050], dtype=torch.float64)
每个节点平均光子数为: tensor([1.6461, 1.2338, 2.3758, 0.7393, 0.0050], dtype=torch.float64)
每个节点平均光子数为: tensor([1.6206, 1.2543, 2.3669, 0.7531, 0.0051], dtype=torch.float64)
每个节点平均光子数为: tensor([1.7349, 1.1419, 2.4248, 0.6940, 0.0045], dtype=torch.float64)
每个节点平均光子数为: tensor([1.7782, 1.1431, 2.4085, 0.6660, 0.0042], dtype=torch.float64)
每个节点平均光子数为: tensor([2.1367, 1.1462, 2.2714, 0.4433, 0.0025], dtype=torch.float64)
每个节点平均光子数为: tensor([2.1365, 1.1461, 2.2713, 0.4435, 0.0026], dtype=torch.float64)
每个节点平均光子数为: tensor([2.1472, 1.1319, 2.2800, 0.4383, 0.0025], dtype=torch.float64)
每个节点平均光子数为: tensor([2.1260, 1.1603, 2.2627, 0.4484, 0.0026], dtype=torch.float64)
每个节点平均光子数为: tensor([2.2133e+00, 1.0242e+00, 2.3467e+00, 4.1366e-01, 2.1962e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.2109e+00, 1.0654e+00, 2.3200e+00, 4.0143e-01, 2.2601e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.2099, 1.2301, 2.2120, 0.3456, 0.0024], dtype=torch.float64)
每个节点平均光子数为: tensor([2.1930, 1.2179, 2.2209, 0.3656, 0.0026], dtype=torch.float64)
每个节点平均光子数为: tensor([2.3074e+00, 1.3013e+00, 2.1597e+00, 2.3019e-01, 1.4530e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.2958e+00, 1.2928e+00, 2.1659e+00, 2.4385e-01, 1.6468e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3466e+00, 1.3204e+00, 2.1516e+00, 1.8055e-01, 8.4551e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3563e+00, 1.3474e+00, 2.1198e+00, 1.7569e-01, 8.2772e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3722e+00, 1.3615e+00, 2.0928e+00, 1.7273e-01, 7.9526e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3654e+00, 1.4023e+00, 2.0650e+00, 1.6647e-01, 8.1539e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3592e+00, 1.4874e+00, 1.9992e+00, 1.5338e-01, 8.4068e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3482e+00, 1.4598e+00, 2.0331e+00, 1.5810e-01, 8.6038e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3607e+00, 1.5247e+00, 1.9624e+00, 1.5127e-01, 8.3783e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.3853e+00, 1.5189e+00, 1.9510e+00, 1.4401e-01, 7.9571e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4439e+00, 1.5012e+00, 1.9243e+00, 1.2979e-01, 7.1474e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4278e+00, 1.5120e+00, 1.9306e+00, 1.2883e-01, 7.0736e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4363e+00, 1.4930e+00, 1.9421e+00, 1.2786e-01, 6.9871e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4242e+00, 1.5277e+00, 1.9173e+00, 1.3007e-01, 7.1819e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4481e+00, 1.4764e+00, 1.9472e+00, 1.2761e-01, 6.9594e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4322e+00, 1.4872e+00, 1.9532e+00, 1.2667e-01, 6.8885e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4265e+00, 1.4911e+00, 1.9554e+00, 1.2633e-01, 6.8632e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4425e+00, 1.4802e+00, 1.9493e+00, 1.2728e-01, 6.9345e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4369e+00, 1.5061e+00, 1.9353e+00, 1.2105e-01, 6.7796e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4207e+00, 1.4729e+00, 1.9736e+00, 1.3209e-01, 6.9685e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4976e+00, 1.6098e+00, 1.8054e+00, 8.6576e-02, 5.8755e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4880e+00, 1.6445e+00, 1.7790e+00, 8.7880e-02, 6.3763e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4899e+00, 1.6140e+00, 1.8092e+00, 8.6280e-02, 5.8428e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5054e+00, 1.6050e+00, 1.8022e+00, 8.6844e-02, 5.8987e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4944e+00, 1.6114e+00, 1.8072e+00, 8.6425e-02, 5.6960e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4944e+00, 1.6114e+00, 1.8072e+00, 8.6460e-02, 6.0265e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5042e+00, 1.6087e+00, 1.8022e+00, 8.4328e-02, 5.7064e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.4844e+00, 1.6141e+00, 1.8122e+00, 8.8603e-02, 5.9977e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5192e+00, 1.5862e+00, 1.8107e+00, 8.3367e-02, 5.4654e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5326e+00, 1.6191e+00, 1.7716e+00, 7.6150e-02, 5.3166e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5557e+00, 1.6771e+00, 1.7019e+00, 6.4758e-02, 5.2033e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5685e+00, 1.7098e+00, 1.6622e+00, 5.8970e-02, 4.7826e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5890e+00, 1.7653e+00, 1.5939e+00, 5.1419e-02, 4.2491e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5915e+00, 1.7675e+00, 1.5919e+00, 4.8631e-02, 4.0112e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5978e+00, 1.7839e+00, 1.5718e+00, 4.6146e-02, 3.8267e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5881e+00, 1.7538e+00, 1.6097e+00, 4.8023e-02, 3.9320e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.5939e+00, 1.7746e+00, 1.5831e+00, 4.7951e-02, 3.8586e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6060e+00, 1.8068e+00, 1.5433e+00, 4.3585e-02, 3.7474e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6153e+00, 1.8300e+00, 1.5147e+00, 3.9655e-02, 3.5684e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6251e+00, 1.8600e+00, 1.4765e+00, 3.8043e-02, 3.6656e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6204e+00, 1.8478e+00, 1.4918e+00, 3.9730e-02, 3.7331e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6321e+00, 1.8795e+00, 1.4519e+00, 3.6050e-02, 3.6222e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6430e+00, 1.9091e+00, 1.4147e+00, 3.2891e-02, 3.5201e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6430e+00, 1.9091e+00, 1.4147e+00, 3.2891e-02, 3.5201e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6453e+00, 1.8927e+00, 1.4290e+00, 3.2753e-02, 3.3913e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6407e+00, 1.9254e+00, 1.4005e+00, 3.3025e-02, 3.6533e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6386e+00, 1.8904e+00, 1.4371e+00, 3.3578e-02, 3.5409e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6484e+00, 1.9202e+00, 1.3990e+00, 3.2149e-02, 3.4388e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6419e+00, 1.9234e+00, 1.4014e+00, 3.2890e-02, 3.5170e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6560e+00, 1.9207e+00, 1.3917e+00, 3.1248e-02, 3.3495e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6581e+00, 1.9203e+00, 1.3903e+00, 3.1006e-02, 3.3249e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6581e+00, 1.9203e+00, 1.3903e+00, 3.1006e-02, 3.3249e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6649e+00, 1.9190e+00, 1.3855e+00, 3.0233e-02, 3.3343e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6512e+00, 1.9217e+00, 1.3950e+00, 3.1799e-02, 3.3154e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6724e+00, 1.9167e+00, 1.3805e+00, 3.0105e-02, 3.3476e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6605e+00, 1.9207e+00, 1.3885e+00, 3.0005e-02, 3.3252e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6613e+00, 1.9040e+00, 1.4037e+00, 3.0705e-02, 3.2944e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6706e+00, 1.9338e+00, 1.3659e+00, 2.9406e-02, 3.3768e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6707e+00, 1.9341e+00, 1.3655e+00, 2.9392e-02, 3.3776e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6707e+00, 1.9341e+00, 1.3655e+00, 2.9392e-02, 3.3776e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6765e+00, 1.9322e+00, 1.3615e+00, 2.9448e-02, 3.4813e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6648e+00, 1.9360e+00, 1.3695e+00, 2.9336e-02, 3.2769e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6755e+00, 1.9497e+00, 1.3465e+00, 2.7979e-02, 3.2275e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6647e+00, 1.9188e+00, 1.3853e+00, 3.0858e-02, 3.5120e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6825e+00, 1.9699e+00, 1.3211e+00, 2.6217e-02, 2.9720e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6825e+00, 1.9699e+00, 1.3210e+00, 2.6234e-02, 3.1360e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6832e+00, 1.9706e+00, 1.3205e+00, 2.5522e-02, 2.8901e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6818e+00, 1.9693e+00, 1.3216e+00, 2.6948e-02, 3.2203e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6775e+00, 1.9724e+00, 1.3244e+00, 2.5372e-02, 2.8556e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6889e+00, 1.9690e+00, 1.3164e+00, 2.5445e-02, 2.8738e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6829e+00, 1.9708e+00, 1.3206e+00, 2.5399e-02, 2.7888e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6829e+00, 1.9708e+00, 1.3206e+00, 2.5415e-02, 2.9417e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6777e+00, 1.9556e+00, 1.3398e+00, 2.6672e-02, 2.9066e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6881e+00, 1.9859e+00, 1.3015e+00, 2.4196e-02, 2.8184e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6938e+00, 2.0014e+00, 1.2821e+00, 2.2436e-02, 2.6303e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6927e+00, 2.0003e+00, 1.2831e+00, 2.3680e-02, 2.9281e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6938e+00, 2.0014e+00, 1.2821e+00, 2.2430e-02, 2.6980e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6939e+00, 2.0014e+00, 1.2821e+00, 2.2416e-02, 2.5584e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6949e+00, 1.9854e+00, 1.2965e+00, 2.2964e-02, 2.6738e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6929e+00, 2.0173e+00, 1.2677e+00, 2.1891e-02, 2.5782e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6930e+00, 2.0152e+00, 1.2696e+00, 2.1959e-02, 2.5843e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6930e+00, 2.0152e+00, 1.2696e+00, 2.1959e-02, 2.5843e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6990e+00, 2.0143e+00, 1.2650e+00, 2.1412e-02, 2.5236e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6868e+00, 2.0162e+00, 1.2742e+00, 2.2520e-02, 2.6463e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6985e+00, 2.0144e+00, 1.2655e+00, 2.1459e-02, 2.4637e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6984e+00, 2.0143e+00, 1.2655e+00, 2.1472e-02, 2.5971e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7000e+00, 1.9990e+00, 1.2793e+00, 2.1411e-02, 2.5064e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6970e+00, 2.0295e+00, 1.2517e+00, 2.1518e-02, 2.5496e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6926e+00, 2.0140e+00, 1.2712e+00, 2.1999e-02, 2.5195e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7045e+00, 2.0120e+00, 1.2623e+00, 2.0935e-02, 2.5327e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7047e+00, 1.9963e+00, 1.2772e+00, 2.1508e-02, 2.5111e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7028e+00, 2.0278e+00, 1.2486e+00, 2.0519e-02, 2.5524e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7015e+00, 2.0397e+00, 1.2379e+00, 2.0673e-02, 2.6378e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7044e+00, 2.0095e+00, 1.2653e+00, 2.0562e-02, 2.4613e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7026e+00, 2.0226e+00, 1.2534e+00, 2.1160e-02, 2.6073e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7036e+00, 2.0236e+00, 1.2525e+00, 2.0079e-02, 2.4725e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7089e+00, 2.0221e+00, 1.2486e+00, 2.0163e-02, 2.4872e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6981e+00, 2.0249e+00, 1.2566e+00, 2.0114e-02, 2.4725e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.6989e+00, 2.0094e+00, 1.2709e+00, 2.0596e-02, 2.5172e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7078e+00, 2.0377e+00, 1.2346e+00, 1.9686e-02, 2.4423e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7119e+00, 2.0327e+00, 1.2353e+00, 1.9830e-02, 2.5239e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7013e+00, 2.0354e+00, 1.2433e+00, 1.9772e-02, 2.3818e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7063e+00, 2.0341e+00, 1.2395e+00, 1.9799e-02, 2.4477e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7063e+00, 2.0341e+00, 1.2395e+00, 1.9799e-02, 2.4477e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7072e+00, 2.0187e+00, 1.2536e+00, 2.0268e-02, 2.4282e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7054e+00, 2.0495e+00, 1.2255e+00, 1.9339e-02, 2.4670e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7057e+00, 2.0457e+00, 1.2290e+00, 1.9453e-02, 2.4622e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7057e+00, 2.0457e+00, 1.2290e+00, 1.9453e-02, 2.4622e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7101e+00, 2.0596e+00, 1.2111e+00, 1.9014e-02, 2.4250e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7012e+00, 2.0317e+00, 1.2469e+00, 1.9897e-02, 2.4997e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7081e+00, 2.0708e+00, 1.2022e+00, 1.8689e-02, 2.4540e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7097e+00, 2.0405e+00, 1.2299e+00, 1.9590e-02, 2.4164e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7025e+00, 2.0676e+00, 1.2104e+00, 1.9281e-02, 2.5066e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7140e+00, 2.0660e+00, 1.2015e+00, 1.8347e-02, 2.3925e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7078e+00, 2.0519e+00, 1.2207e+00, 1.9365e-02, 2.4432e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7175e+00, 2.0803e+00, 1.1843e+00, 1.7578e-02, 2.3679e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7248e+00, 2.0858e+00, 1.1720e+00, 1.7205e-02, 2.3573e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7146e+00, 2.0880e+00, 1.1800e+00, 1.7172e-02, 2.3441e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7192e+00, 2.0865e+00, 1.1764e+00, 1.7637e-02, 2.4126e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7200e+00, 2.0873e+00, 1.1757e+00, 1.6750e-02, 2.2901e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7148e+00, 2.0883e+00, 1.1798e+00, 1.6850e-02, 2.2996e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7250e+00, 2.0861e+00, 1.1718e+00, 1.6882e-02, 2.3125e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7210e+00, 2.0728e+00, 1.1892e+00, 1.6835e-02, 2.2879e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7187e+00, 2.1015e+00, 1.1627e+00, 1.6894e-02, 2.3238e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7147e+00, 2.0876e+00, 1.1806e+00, 1.6848e-02, 2.2986e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7249e+00, 2.0854e+00, 1.1726e+00, 1.6880e-02, 2.3114e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7142e+00, 2.0873e+00, 1.1810e+00, 1.7285e-02, 2.3587e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7252e+00, 2.0858e+00, 1.1723e+00, 1.6452e-02, 2.2521e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7242e+00, 2.0712e+00, 1.1873e+00, 1.6973e-02, 2.2514e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7228e+00, 2.1007e+00, 1.1601e+00, 1.6192e-02, 2.2852e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7183e+00, 2.0814e+00, 1.1829e+00, 1.7139e-02, 2.3151e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7278e+00, 2.1093e+00, 1.1472e+00, 1.5561e-02, 2.2434e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7285e+00, 2.1277e+00, 1.1285e+00, 1.4974e-02, 2.1924e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7298e+00, 2.0988e+00, 1.1554e+00, 1.5714e-02, 2.2740e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7284e+00, 2.1218e+00, 1.1341e+00, 1.5507e-02, 2.2658e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7291e+00, 2.1225e+00, 1.1334e+00, 1.4735e-02, 2.1520e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7236e+00, 2.1230e+00, 1.1379e+00, 1.5242e-02, 2.2226e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7343e+00, 2.1218e+00, 1.1292e+00, 1.4508e-02, 2.1225e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7273e+00, 2.1230e+00, 1.1349e+00, 1.4632e-02, 2.0824e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7371e+00, 2.1210e+00, 1.1270e+00, 1.4667e-02, 2.2027e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7274e+00, 2.1083e+00, 1.1487e+00, 1.5373e-02, 2.1735e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7367e+00, 2.1357e+00, 1.1134e+00, 1.3956e-02, 2.1057e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7326e+00, 2.1389e+00, 1.1146e+00, 1.3830e-02, 2.0422e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7422e+00, 2.1370e+00, 1.1067e+00, 1.3862e-02, 2.1598e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7419e+00, 2.1515e+00, 1.0933e+00, 1.3185e-02, 2.0132e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7326e+00, 2.1243e+00, 1.1283e+00, 1.4537e-02, 2.1864e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7416e+00, 2.1667e+00, 1.0784e+00, 1.3122e-02, 2.0175e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7433e+00, 2.1394e+00, 1.1041e+00, 1.3093e-02, 1.9888e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7424e+00, 2.1528e+00, 1.0915e+00, 1.3107e-02, 2.0028e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7424e+00, 2.1528e+00, 1.0915e+00, 1.3107e-02, 2.0028e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7373e+00, 2.1533e+00, 1.0958e+00, 1.3434e-02, 2.0493e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7475e+00, 2.1522e+00, 1.0873e+00, 1.2789e-02, 1.9574e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7460e+00, 2.1388e+00, 1.1022e+00, 1.2921e-02, 1.9642e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7443e+00, 2.1661e+00, 1.0765e+00, 1.2949e-02, 1.9925e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7451e+00, 2.1521e+00, 1.0896e+00, 1.2940e-02, 2.0285e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7452e+00, 2.1521e+00, 1.0896e+00, 1.2930e-02, 1.9288e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7443e+00, 2.1657e+00, 1.0768e+00, 1.2954e-02, 2.0420e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7460e+00, 2.1384e+00, 1.1025e+00, 1.2916e-02, 1.9142e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7410e+00, 2.1384e+00, 1.1071e+00, 1.3240e-02, 2.0057e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7494e+00, 2.1646e+00, 1.0732e+00, 1.2634e-02, 1.9436e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7473e+00, 2.1581e+00, 1.0816e+00, 1.2778e-02, 1.9104e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.7473e+00, 2.1581e+00, 1.0816e+00, 1.2788e-02, 2.0089e-04],
dtype=torch.float64)

由优化结果可见,前三个“糖果”节点平均光子数大于“棒子”节点平均光子数,优化成功!

可视化结果

调用matplotlib库,绘制优化过程中损失函数随迭代次数下降曲线。可见在该问题上,虽然使用的是非梯度算法,DeepQuantum自带的OptimizerSPSA优化器收敛非常迅速。

import matplotlib.pyplot as plt
plt.figure(figsize=(10, 6))
plt.plot(loss_history)
plt.xlabel('Epoch')
plt.ylabel('Loss')
plt.title('Loss over time')
Text(0.5, 1.0, 'Loss over time')

绘制棒棒糖图查看变分优化结果。其中,每个节点的大小代表平均光子数的多少。明显可见位于“糖果”处的平均光子数远高于“棒子”,实现了本案例训练的目标。

result_scaled = [x * 800 for x in result[0]]
nx.draw(graph, node_size = result_scaled, with_labels=True)

针对损失函数的进一步改进

我们可以观察到,在上个模块中,虽然“糖果”节点处[0,1,2]的光子数远高于其它节点,但当前的简单线性损失函数无法很好控制[0,1,2]节点的相对光子数。不失一般性,我们如果额外要求[0,1,2]节点的光子数相等,该如何处理?

其实,这项任务本质可以被认为是:训练一个变分高斯采样线路,使其输出的概率分布与目标概率分布相一致。对于概率分布的训练可以通过最小化Kullback-Leibler(KL)散度来执行,这在去掉常数项后可以写成:

KL(\theta) = -\frac{1}{T}\sum_S \log[P_{\theta}(S)].

在这种情况下,S 是概率分布中一个元素,P(S) 是从GBS分布中抽样时观察到该元素的概率,而 T 是元素的总数。据此,我们可以写出新的损失函数target_kl:

def target_kl(s):
    return -sum(torch.log(s[subset] / 2))

更新损失函数,再次开始优化:

class VGBS(nn.Module):

    def __init__(self):
        super(VGBS,self).__init__()
        self.params = nn.Parameter(torch.randn(nr_modes, dtype=torch.float64), requires_grad=False)
        loss_history.clear()

    # 采用KL散度定义的损失函数    
    def target_kl(self,s):
        return -sum(torch.log(s[subset] / 2))

    def loss(self,x):
        if not isinstance(x, torch.Tensor):
            x = torch.tensor(x).to(self.params.dtype).reshape(-1)
        weights = torch.exp(-x)
        w = torch.diag(weights)
        waw= w @ a @ w

        gbs = dq.photonic.GBS_Graph(adj_mat=waw, cutoff=5,mean_photon_num=6)
        gbs()
        photon_number = gbs.photon_number_mean_var()[0]
        print('每个节点平均光子数为: ',photon_number)
        l = self.target_kl(photon_number)

        loss_history.append(l.item())
        result.clear()
        result.append(photon_number.tolist())

        return l

model = VGBS()
loss_history = []

# 定义优化器参数
spsa_hyperparam = {
    'a': 1,
    'c': 0.01,
    'A': 200,
    'nepoch': 1000,
    'alpha': 0.602,
    'gamma': 0.101
}
optimizer = dq.optimizer.OptimizerSPSA(model.loss, model.params)
optimizer.set_hyperparam(spsa_hyperparam)
param_best = torch.tensor(optimizer.run(1000)).float()

result_scaled = [x * 800 for x in result[0]]
nx.draw(graph, node_size = result_scaled, with_labels=True)
显示计算结果

每个节点平均光子数为: tensor([0.4071, 1.3318, 2.9669, 1.2893, 0.0050], dtype=torch.float64)
每个节点平均光子数为: tensor([0.4206, 1.2742, 2.9661, 1.3338, 0.0053], dtype=torch.float64)
每个节点平均光子数为: tensor([0.3975, 1.3724, 2.9676, 1.2578, 0.0046], dtype=torch.float64)
每个节点平均光子数为: tensor([0.3974, 1.3721, 2.9673, 1.2581, 0.0050], dtype=torch.float64)
每个节点平均光子数为: tensor([0.4092, 1.3664, 2.9674, 1.2522, 0.0048], dtype=torch.float64)
每个节点平均光子数为: tensor([0.3860, 1.3780, 2.9676, 1.2636, 0.0048], dtype=torch.float64)
每个节点平均光子数为: tensor([0.5791, 1.3028, 2.9663, 1.1478, 0.0040], dtype=torch.float64)
每个节点平均光子数为: tensor([0.5624, 1.2670, 2.9673, 1.1987, 0.0046], dtype=torch.float64)
每个节点平均光子数为: tensor([6.8100e-01, 1.5219e+00, 2.9591e+00, 8.3649e-01, 1.4832e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([6.9744e-01, 1.5523e+00, 2.9548e+00, 7.9397e-01, 1.4734e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([7.8542e-01, 1.7020e+00, 2.9249e+00, 5.8627e-01, 1.4007e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([7.8542e-01, 1.7020e+00, 2.9249e+00, 5.8627e-01, 1.4007e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([7.9917e-01, 1.6793e+00, 2.9237e+00, 5.9647e-01, 1.4346e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([7.7169e-01, 1.7247e+00, 2.9261e+00, 5.7610e-01, 1.3672e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([8.1386e-01, 1.6502e+00, 2.9244e+00, 6.1000e-01, 1.4793e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([8.1822e-01, 1.6525e+00, 2.9199e+00, 6.0793e-01, 1.4741e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([8.0835e-01, 1.6765e+00, 2.9174e+00, 5.9635e-01, 1.4365e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([8.3072e-01, 1.6298e+00, 2.9197e+00, 6.1833e-01, 1.5090e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([8.0212e-01, 1.6665e+00, 2.9183e+00, 6.1154e-01, 1.5344e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([8.3599e-01, 1.6421e+00, 2.9186e+00, 6.0186e-01, 1.4091e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([9.7163e-01, 1.5436e+00, 2.9205e+00, 5.6330e-01, 9.8339e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([9.7160e-01, 1.5435e+00, 2.9205e+00, 5.6337e-01, 1.0472e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([9.5317e-01, 1.5571e+00, 2.9202e+00, 5.6852e-01, 1.0267e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([9.9027e-01, 1.5298e+00, 2.9208e+00, 5.5809e-01, 1.0011e-03],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.1027e+00, 1.4468e+00, 2.9230e+00, 5.2660e-01, 9.2505e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.1027e+00, 1.4468e+00, 2.9230e+00, 5.2660e-01, 9.2505e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.1224e+00, 1.4322e+00, 2.9234e+00, 5.2110e-01, 9.1201e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.0832e+00, 1.4613e+00, 2.9225e+00, 5.3205e-01, 9.3805e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.1869e+00, 1.3817e+00, 2.9270e+00, 5.0344e-01, 8.7010e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.2305e+00, 1.3540e+00, 2.9241e+00, 4.9059e-01, 8.4132e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3193e+00, 1.2975e+00, 2.9181e+00, 4.6442e-01, 7.6040e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3192e+00, 1.2975e+00, 2.9180e+00, 4.6448e-01, 8.0782e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3397e+00, 1.2819e+00, 2.9188e+00, 4.5879e-01, 7.7062e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.2989e+00, 1.3129e+00, 2.9173e+00, 4.7008e-01, 7.9596e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3874e+00, 1.2349e+00, 2.9216e+00, 4.5541e-01, 7.4022e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3591e+00, 1.2780e+00, 2.9185e+00, 4.4361e-01, 7.5975e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3157e+00, 1.3585e+00, 2.9126e+00, 4.1236e-01, 7.6676e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3042e+00, 1.3467e+00, 2.9141e+00, 4.3429e-01, 8.1972e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3477e+00, 1.3914e+00, 2.9085e+00, 3.5178e-01, 6.0859e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3376e+00, 1.3810e+00, 2.9098e+00, 3.7086e-01, 6.8992e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3657e+00, 1.4100e+00, 2.9085e+00, 3.1532e-01, 4.6935e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3688e+00, 1.4130e+00, 2.9036e+00, 3.1412e-01, 4.6772e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3841e+00, 1.3916e+00, 2.9052e+00, 3.1866e-01, 4.6221e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3534e+00, 1.4343e+00, 2.9022e+00, 3.0963e-01, 4.7325e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3328e+00, 1.4668e+00, 2.8975e+00, 3.0248e-01, 4.8028e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3295e+00, 1.4638e+00, 2.9025e+00, 3.0369e-01, 4.8202e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3118e+00, 1.4819e+00, 2.8991e+00, 3.0659e-01, 4.8813e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3539e+00, 1.4516e+00, 2.8957e+00, 2.9835e-01, 4.7243e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4241e+00, 1.3936e+00, 2.8904e+00, 2.9141e-01, 4.5961e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3903e+00, 1.4323e+00, 2.8926e+00, 2.8440e-01, 4.4588e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4009e+00, 1.4253e+00, 2.8941e+00, 2.7925e-01, 4.3588e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3624e+00, 1.4591e+00, 2.8921e+00, 2.8596e-01, 4.4892e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4352e+00, 1.3908e+00, 2.8940e+00, 2.7955e-01, 4.3646e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4013e+00, 1.4294e+00, 2.8961e+00, 2.7287e-01, 4.2359e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3751e+00, 1.4591e+00, 2.8977e+00, 2.6771e-01, 4.1374e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4091e+00, 1.4205e+00, 2.8956e+00, 2.7440e-01, 4.2653e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3776e+00, 1.4675e+00, 2.8948e+00, 2.5975e-01, 4.1072e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3671e+00, 1.4568e+00, 2.9009e+00, 2.7479e-01, 4.1474e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4159e+00, 1.4700e+00, 2.8835e+00, 2.3027e-01, 3.8632e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3783e+00, 1.5042e+00, 2.8813e+00, 2.3575e-01, 4.2065e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4125e+00, 1.4761e+00, 2.8855e+00, 2.2545e-01, 3.6876e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4471e+00, 1.4383e+00, 2.8832e+00, 2.3102e-01, 3.7981e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4130e+00, 1.4756e+00, 2.8855e+00, 2.2551e-01, 3.5865e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4130e+00, 1.4756e+00, 2.8855e+00, 2.2553e-01, 3.7946e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4334e+00, 1.4601e+00, 2.8838e+00, 2.2238e-01, 3.6290e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.3926e+00, 1.4912e+00, 2.8872e+00, 2.2867e-01, 3.7476e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4594e+00, 1.4317e+00, 2.8846e+00, 2.2389e-01, 3.5566e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4690e+00, 1.4412e+00, 2.8780e+00, 2.1151e-01, 3.5234e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4789e+00, 1.4512e+00, 2.8706e+00, 1.9898e-01, 3.5873e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4881e+00, 1.4604e+00, 2.8634e+00, 1.8782e-01, 3.3609e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.4982e+00, 1.4706e+00, 2.8532e+00, 1.7760e-01, 3.1592e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5033e+00, 1.4756e+00, 2.8523e+00, 1.6844e-01, 2.9737e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5089e+00, 1.4812e+00, 2.8482e+00, 1.6147e-01, 2.8367e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5051e+00, 1.4773e+00, 2.8550e+00, 1.6236e-01, 2.8494e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5047e+00, 1.4770e+00, 2.8519e+00, 1.6621e-01, 2.8492e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5133e+00, 1.4856e+00, 2.8440e+00, 1.5680e-01, 2.8235e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5214e+00, 1.4938e+00, 2.8380e+00, 1.4655e-01, 2.7233e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5255e+00, 1.4980e+00, 2.8305e+00, 1.4570e-01, 2.8643e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5215e+00, 1.4939e+00, 2.8343e+00, 1.4999e-01, 2.8855e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5300e+00, 1.5025e+00, 2.8258e+00, 1.4142e-01, 2.8593e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5393e+00, 1.5119e+00, 2.8161e+00, 1.3241e-01, 2.8306e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5393e+00, 1.5119e+00, 2.8161e+00, 1.3241e-01, 2.8306e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5566e+00, 1.4944e+00, 2.8179e+00, 1.3086e-01, 2.7167e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5221e+00, 1.5294e+00, 2.8142e+00, 1.3397e-01, 2.9487e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5408e+00, 1.5060e+00, 2.8204e+00, 1.3251e-01, 2.8134e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5451e+00, 1.5105e+00, 2.8124e+00, 1.3166e-01, 2.7991e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5262e+00, 1.5260e+00, 2.8139e+00, 1.3356e-01, 2.8430e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5648e+00, 1.4958e+00, 2.8095e+00, 1.2962e-01, 2.7530e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5712e+00, 1.4908e+00, 2.8088e+00, 1.2898e-01, 2.7382e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5712e+00, 1.4908e+00, 2.8088e+00, 1.2898e-01, 2.7382e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5903e+00, 1.4758e+00, 2.8066e+00, 1.2704e-01, 2.7681e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5520e+00, 1.5058e+00, 2.8110e+00, 1.3092e-01, 2.7082e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6082e+00, 1.4584e+00, 2.8048e+00, 1.2835e-01, 2.8045e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5740e+00, 1.4919e+00, 2.8083e+00, 1.2556e-01, 2.7345e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5722e+00, 1.4892e+00, 2.8123e+00, 1.2600e-01, 2.6691e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5766e+00, 1.4939e+00, 2.8041e+00, 1.2518e-01, 2.8029e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5769e+00, 1.4944e+00, 2.8033e+00, 1.2511e-01, 2.8152e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5769e+00, 1.4944e+00, 2.8033e+00, 1.2511e-01, 2.8152e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5940e+00, 1.4777e+00, 2.8015e+00, 1.2649e-01, 2.9288e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5599e+00, 1.5110e+00, 2.8051e+00, 1.2372e-01, 2.7055e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5678e+00, 1.5114e+00, 2.8001e+00, 1.2044e-01, 2.6458e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5597e+00, 1.5031e+00, 2.8092e+00, 1.2772e-01, 2.8171e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5757e+00, 1.5195e+00, 2.7908e+00, 1.1366e-01, 2.4222e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5757e+00, 1.5195e+00, 2.7908e+00, 1.1368e-01, 2.5558e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5774e+00, 1.5211e+00, 2.7905e+00, 1.1075e-01, 2.3539e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5740e+00, 1.5178e+00, 2.7912e+00, 1.1667e-01, 2.6292e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5613e+00, 1.5385e+00, 2.7922e+00, 1.0777e-01, 2.2459e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5955e+00, 1.5058e+00, 2.7883e+00, 1.1017e-01, 2.3031e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5701e+00, 1.5302e+00, 2.7912e+00, 1.0838e-01, 2.2009e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5701e+00, 1.5301e+00, 2.7912e+00, 1.0839e-01, 2.3216e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5661e+00, 1.5262e+00, 2.7959e+00, 1.1160e-01, 2.2700e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5740e+00, 1.5341e+00, 2.7864e+00, 1.0525e-01, 2.2503e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5822e+00, 1.5425e+00, 2.7776e+00, 9.7451e-02, 2.1145e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5792e+00, 1.5396e+00, 2.7783e+00, 1.0264e-01, 2.3591e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5828e+00, 1.5431e+00, 2.7775e+00, 9.6401e-02, 2.1221e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5828e+00, 1.5431e+00, 2.7775e+00, 9.6389e-02, 2.0124e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5975e+00, 1.5245e+00, 2.7800e+00, 9.7806e-02, 2.0978e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5682e+00, 1.5616e+00, 2.7750e+00, 9.4990e-02, 2.0349e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5608e+00, 1.5710e+00, 2.7737e+00, 9.4279e-02, 2.0190e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5608e+00, 1.5710e+00, 2.7737e+00, 9.4279e-02, 2.0190e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5792e+00, 1.5565e+00, 2.7712e+00, 9.2896e-02, 1.9882e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5424e+00, 1.5855e+00, 2.7762e+00, 9.5669e-02, 2.0500e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5852e+00, 1.5517e+00, 2.7704e+00, 9.2440e-02, 1.9267e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5852e+00, 1.5517e+00, 2.7704e+00, 9.2451e-02, 2.0310e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6011e+00, 1.5347e+00, 2.7726e+00, 9.1420e-02, 1.9530e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5694e+00, 1.5687e+00, 2.7682e+00, 9.3468e-02, 2.0028e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5647e+00, 1.5686e+00, 2.7726e+00, 9.3962e-02, 1.9599e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6012e+00, 1.5397e+00, 2.7677e+00, 9.1230e-02, 2.0030e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6173e+00, 1.5200e+00, 2.7701e+00, 9.2415e-02, 1.9825e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5886e+00, 1.5566e+00, 2.7648e+00, 8.9790e-02, 2.0277e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5643e+00, 1.5845e+00, 2.7611e+00, 8.9980e-02, 2.1214e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5956e+00, 1.5507e+00, 2.7655e+00, 8.8027e-02, 1.9638e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5778e+00, 1.5672e+00, 2.7635e+00, 9.1359e-02, 2.1025e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5804e+00, 1.5698e+00, 2.7628e+00, 8.6808e-02, 1.9898e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5975e+00, 1.5545e+00, 2.7606e+00, 8.7191e-02, 2.0005e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5638e+00, 1.5857e+00, 2.7650e+00, 8.5327e-02, 1.9521e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5773e+00, 1.5684e+00, 2.7676e+00, 8.6540e-02, 1.9807e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5824e+00, 1.5735e+00, 2.7581e+00, 8.5878e-02, 1.9693e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5996e+00, 1.5586e+00, 2.7548e+00, 8.6732e-02, 2.0446e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5661e+00, 1.5895e+00, 2.7593e+00, 8.4877e-02, 1.8941e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5823e+00, 1.5746e+00, 2.7571e+00, 8.5772e-02, 1.9654e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5823e+00, 1.5746e+00, 2.7571e+00, 8.5772e-02, 1.9654e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5965e+00, 1.5566e+00, 2.7597e+00, 8.7024e-02, 1.9439e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5682e+00, 1.5926e+00, 2.7546e+00, 8.4527e-02, 1.9867e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5646e+00, 1.5970e+00, 2.7539e+00, 8.4217e-02, 1.9921e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5646e+00, 1.5970e+00, 2.7539e+00, 8.4217e-02, 1.9921e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5673e+00, 1.5996e+00, 2.7491e+00, 8.3883e-02, 1.9862e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5620e+00, 1.5945e+00, 2.7587e+00, 8.4546e-02, 1.9979e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5539e+00, 1.6180e+00, 2.7453e+00, 8.2576e-02, 2.0059e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5819e+00, 1.5823e+00, 2.7505e+00, 8.5041e-02, 1.9636e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5356e+00, 1.6324e+00, 2.7480e+00, 8.3736e-02, 2.0362e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5714e+00, 1.6045e+00, 2.7425e+00, 8.1353e-02, 1.9769e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5772e+00, 1.5931e+00, 2.7464e+00, 8.3105e-02, 1.9693e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5850e+00, 1.6008e+00, 2.7357e+00, 7.8377e-02, 1.9524e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6068e+00, 1.5912e+00, 2.7257e+00, 7.6083e-02, 1.9641e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5737e+00, 1.6210e+00, 2.7307e+00, 7.4493e-02, 1.9177e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5924e+00, 1.6020e+00, 2.7280e+00, 7.7373e-02, 1.9985e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5946e+00, 1.6042e+00, 2.7274e+00, 7.3565e-02, 1.8938e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5781e+00, 1.6192e+00, 2.7298e+00, 7.2717e-02, 1.8693e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6112e+00, 1.5895e+00, 2.7249e+00, 7.4262e-02, 1.9142e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6124e+00, 1.5852e+00, 2.7294e+00, 7.2855e-02, 1.8733e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5828e+00, 1.6182e+00, 2.7245e+00, 7.4393e-02, 1.9181e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5795e+00, 1.6182e+00, 2.7291e+00, 7.2931e-02, 1.8755e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6125e+00, 1.5886e+00, 2.7242e+00, 7.4475e-02, 1.9205e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5811e+00, 1.6147e+00, 2.7290e+00, 7.4916e-02, 1.9301e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6162e+00, 1.5873e+00, 2.7235e+00, 7.2748e-02, 1.8733e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6325e+00, 1.5677e+00, 2.7260e+00, 7.3644e-02, 1.8489e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6052e+00, 1.6028e+00, 2.7203e+00, 7.1537e-02, 1.8892e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5973e+00, 1.6042e+00, 2.7250e+00, 7.3342e-02, 1.9034e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6050e+00, 1.6119e+00, 2.7138e+00, 6.9161e-02, 1.8870e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5964e+00, 1.6339e+00, 2.7038e+00, 6.5700e-02, 1.8489e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6233e+00, 1.5993e+00, 2.7096e+00, 6.7676e-02, 1.9050e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5946e+00, 1.6340e+00, 2.7039e+00, 6.7308e-02, 1.8969e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5965e+00, 1.6359e+00, 2.7033e+00, 6.4017e-02, 1.7989e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.5791e+00, 1.6493e+00, 2.7064e+00, 6.5130e-02, 1.8306e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6137e+00, 1.6224e+00, 2.7004e+00, 6.3249e-02, 1.7775e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6021e+00, 1.6331e+00, 2.7023e+00, 6.2345e-02, 1.7059e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6347e+00, 1.6045e+00, 2.6970e+00, 6.3643e-02, 1.8368e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6180e+00, 1.6119e+00, 2.7049e+00, 6.5017e-02, 1.7917e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6257e+00, 1.6197e+00, 2.6931e+00, 6.1292e-02, 1.7762e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6138e+00, 1.6382e+00, 2.6891e+00, 5.8672e-02, 1.7035e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6463e+00, 1.6100e+00, 2.6836e+00, 5.9880e-02, 1.8335e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6373e+00, 1.6251e+00, 2.6797e+00, 5.7661e-02, 1.7288e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6296e+00, 1.6172e+00, 2.6918e+00, 6.1191e-02, 1.8347e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6277e+00, 1.6455e+00, 2.6702e+00, 5.6383e-02, 1.6928e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6555e+00, 1.6132e+00, 2.6759e+00, 5.5258e-02, 1.6547e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6370e+00, 1.6347e+00, 2.6721e+00, 5.6006e-02, 1.6801e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6370e+00, 1.6347e+00, 2.6721e+00, 5.6006e-02, 1.6801e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6200e+00, 1.6478e+00, 2.6752e+00, 5.6844e-02, 1.7051e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6539e+00, 1.6218e+00, 2.6690e+00, 5.5174e-02, 1.6552e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6679e+00, 1.6054e+00, 2.6719e+00, 5.4608e-02, 1.6361e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6404e+00, 1.6377e+00, 2.6660e+00, 5.5721e-02, 1.6738e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6482e+00, 1.6286e+00, 2.6677e+00, 5.5410e-02, 1.7056e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6482e+00, 1.6286e+00, 2.6677e+00, 5.5402e-02, 1.6217e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6344e+00, 1.6446e+00, 2.6648e+00, 5.5965e-02, 1.7247e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6619e+00, 1.6125e+00, 2.6706e+00, 5.4846e-02, 1.6033e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6400e+00, 1.6314e+00, 2.6726e+00, 5.5884e-02, 1.6913e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6463e+00, 1.6377e+00, 2.6606e+00, 5.5334e-02, 1.6793e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6472e+00, 1.6386e+00, 2.6588e+00, 5.5248e-02, 1.6359e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6472e+00, 1.6386e+00, 2.6588e+00, 5.5257e-02, 1.7202e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6504e+00, 1.6418e+00, 2.6526e+00, 5.4973e-02, 1.6712e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6440e+00, 1.6354e+00, 2.6648e+00, 5.5529e-02, 1.6834e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6554e+00, 1.6469e+00, 2.6442e+00, 5.3274e-02, 1.6617e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6473e+00, 1.6388e+00, 2.6572e+00, 5.6546e-02, 1.6770e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6638e+00, 1.6553e+00, 2.6306e+00, 5.0122e-02, 1.6461e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6556e+00, 1.6471e+00, 2.6440e+00, 5.3217e-02, 1.6614e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6679e+00, 1.6594e+00, 2.6239e+00, 4.8652e-02, 1.6800e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6679e+00, 1.6594e+00, 2.6239e+00, 4.8644e-02, 1.5980e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6645e+00, 1.6560e+00, 2.6304e+00, 4.8912e-02, 1.6447e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6713e+00, 1.6629e+00, 2.6173e+00, 4.8381e-02, 1.6319e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6559e+00, 1.6762e+00, 2.6186e+00, 4.9028e-02, 1.6135e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6888e+00, 1.6518e+00, 2.6117e+00, 4.7572e-02, 1.6464e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7006e+00, 1.6368e+00, 2.6153e+00, 4.7154e-02, 1.5871e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6748e+00, 1.6683e+00, 2.6087e+00, 4.8083e-02, 1.7054e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6854e+00, 1.6647e+00, 2.6032e+00, 4.6428e-02, 1.6672e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6771e+00, 1.6562e+00, 2.6173e+00, 4.9315e-02, 1.6832e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7021e+00, 1.6531e+00, 2.5999e+00, 4.4687e-02, 1.6013e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6767e+00, 1.6844e+00, 2.5931e+00, 4.5554e-02, 1.7200e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6957e+00, 1.6595e+00, 2.5986e+00, 4.6008e-02, 1.7119e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6717e+00, 1.6921e+00, 2.5914e+00, 4.4632e-02, 1.6618e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6845e+00, 1.6764e+00, 2.5948e+00, 4.4218e-02, 1.6040e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6593e+00, 1.7074e+00, 2.5881e+00, 4.5060e-02, 1.7221e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6558e+00, 1.7117e+00, 2.5872e+00, 4.5172e-02, 1.6964e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6809e+00, 1.6807e+00, 2.5938e+00, 4.4340e-02, 1.6608e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6534e+00, 1.7161e+00, 2.5862e+00, 4.4176e-02, 1.6579e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6771e+00, 1.6839e+00, 2.5933e+00, 4.5549e-02, 1.7083e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6683e+00, 1.6975e+00, 2.5902e+00, 4.3907e-02, 1.6455e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6433e+00, 1.7282e+00, 2.5836e+00, 4.4719e-02, 1.6803e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6548e+00, 1.7155e+00, 2.5862e+00, 4.3285e-02, 1.5835e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6535e+00, 1.7141e+00, 2.5867e+00, 4.5470e-02, 1.7510e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6539e+00, 1.7145e+00, 2.5866e+00, 4.4824e-02, 1.6593e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6552e+00, 1.7159e+00, 2.5861e+00, 4.2680e-02, 1.5769e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6425e+00, 1.7309e+00, 2.5829e+00, 4.3531e-02, 1.6111e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6674e+00, 1.7002e+00, 2.5894e+00, 4.2743e-02, 1.5779e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6697e+00, 1.7056e+00, 2.5821e+00, 4.2544e-02, 1.6126e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6372e+00, 1.7292e+00, 2.5896e+00, 4.3828e-02, 1.5801e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6606e+00, 1.7185e+00, 2.5780e+00, 4.2803e-02, 1.6329e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6854e+00, 1.6878e+00, 2.5847e+00, 4.2024e-02, 1.5990e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6705e+00, 1.7077e+00, 2.5802e+00, 4.1481e-02, 1.5412e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6692e+00, 1.7063e+00, 2.5807e+00, 4.3567e-02, 1.7033e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6541e+00, 1.7191e+00, 2.5841e+00, 4.2576e-02, 1.5994e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6863e+00, 1.6956e+00, 2.5766e+00, 4.1314e-02, 1.5534e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6839e+00, 1.6911e+00, 2.5834e+00, 4.1510e-02, 1.5581e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6912e+00, 1.6984e+00, 2.5692e+00, 4.1019e-02, 1.5451e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6808e+00, 1.7154e+00, 2.5633e+00, 4.0324e-02, 1.5204e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7039e+00, 1.6836e+00, 2.5708e+00, 4.1572e-02, 1.5660e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6816e+00, 1.7129e+00, 2.5640e+00, 4.1395e-02, 1.5620e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6828e+00, 1.7141e+00, 2.5635e+00, 3.9426e-02, 1.4851e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6825e+00, 1.7138e+00, 2.5636e+00, 3.9895e-02, 1.5034e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6825e+00, 1.7138e+00, 2.5636e+00, 3.9895e-02, 1.5034e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6825e+00, 1.7138e+00, 2.5636e+00, 3.9899e-02, 1.5408e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6825e+00, 1.7138e+00, 2.5636e+00, 3.9892e-02, 1.4670e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6787e+00, 1.7102e+00, 2.5708e+00, 4.0137e-02, 1.5097e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6863e+00, 1.7175e+00, 2.5563e+00, 3.9652e-02, 1.4969e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6989e+00, 1.7028e+00, 2.5580e+00, 4.0190e-02, 1.5173e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6761e+00, 1.7343e+00, 2.5505e+00, 3.8977e-02, 1.4728e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6781e+00, 1.7301e+00, 2.5516e+00, 4.0078e-02, 1.5156e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6793e+00, 1.7313e+00, 2.5511e+00, 3.8178e-02, 1.4413e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6751e+00, 1.7273e+00, 2.5586e+00, 3.8886e-02, 1.4306e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6830e+00, 1.7347e+00, 2.5438e+00, 3.8413e-02, 1.4894e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6993e+00, 1.7240e+00, 2.5379e+00, 3.8695e-02, 1.5136e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6688e+00, 1.7476e+00, 2.5454e+00, 3.7995e-02, 1.4821e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7046e+00, 1.7129e+00, 2.5432e+00, 3.9155e-02, 1.5301e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6822e+00, 1.7441e+00, 2.5356e+00, 3.7969e-02, 1.4852e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6734e+00, 1.7550e+00, 2.5330e+00, 3.8457e-02, 1.5431e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6968e+00, 1.7251e+00, 2.5401e+00, 3.7782e-02, 1.4403e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6947e+00, 1.7278e+00, 2.5395e+00, 3.7847e-02, 1.4851e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6713e+00, 1.7576e+00, 2.5324e+00, 3.8514e-02, 1.5153e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6653e+00, 1.7564e+00, 2.5394e+00, 3.8811e-02, 1.4878e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6968e+00, 1.7341e+00, 2.5313e+00, 3.7665e-02, 1.5175e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6873e+00, 1.7475e+00, 2.5272e+00, 3.7918e-02, 1.5349e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7105e+00, 1.7177e+00, 2.5344e+00, 3.7258e-02, 1.5042e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6911e+00, 1.7323e+00, 2.5376e+00, 3.8845e-02, 1.5692e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7003e+00, 1.7411e+00, 2.5219e+00, 3.6542e-02, 1.4794e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.6992e+00, 1.7400e+00, 2.5239e+00, 3.6826e-02, 1.4905e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7085e+00, 1.7489e+00, 2.5078e+00, 3.4632e-02, 1.4051e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7165e+00, 1.7567e+00, 2.4938e+00, 3.2850e-02, 1.3359e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7071e+00, 1.7476e+00, 2.5102e+00, 3.4942e-02, 1.4172e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7245e+00, 1.7643e+00, 2.4798e+00, 3.1190e-02, 1.3025e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7150e+00, 1.7552e+00, 2.4965e+00, 3.3179e-02, 1.3164e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7319e+00, 1.7714e+00, 2.4661e+00, 3.0367e-02, 1.3234e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7233e+00, 1.7631e+00, 2.4827e+00, 3.0791e-02, 1.2731e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7482e+00, 1.7620e+00, 2.4598e+00, 2.9853e-02, 1.3420e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7177e+00, 1.7828e+00, 2.4686e+00, 3.0787e-02, 1.3166e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7365e+00, 1.7772e+00, 2.4560e+00, 3.0135e-02, 1.3876e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7581e+00, 1.7480e+00, 2.4642e+00, 2.9626e-02, 1.2962e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7432e+00, 1.7681e+00, 2.4586e+00, 2.9975e-02, 1.3582e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7432e+00, 1.7681e+00, 2.4586e+00, 2.9975e-02, 1.3582e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7437e+00, 1.7685e+00, 2.4584e+00, 2.9262e-02, 1.3250e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7428e+00, 1.7676e+00, 2.4588e+00, 3.0705e-02, 1.3921e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7429e+00, 1.7677e+00, 2.4587e+00, 3.0438e-02, 1.3797e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7439e+00, 1.7687e+00, 2.4583e+00, 2.9009e-02, 1.3133e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7544e+00, 1.7538e+00, 2.4625e+00, 2.9213e-02, 1.3212e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7329e+00, 1.7829e+00, 2.4544e+00, 2.9705e-02, 1.3472e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7507e+00, 1.7587e+00, 2.4611e+00, 2.9296e-02, 1.3256e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7292e+00, 1.7878e+00, 2.4531e+00, 2.9787e-02, 1.3515e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7367e+00, 1.7777e+00, 2.4558e+00, 2.9621e-02, 1.3753e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7367e+00, 1.7777e+00, 2.4558e+00, 2.9614e-02, 1.3105e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7367e+00, 1.7777e+00, 2.4558e+00, 2.9617e-02, 1.3425e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7367e+00, 1.7777e+00, 2.4558e+00, 2.9617e-02, 1.3425e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7416e+00, 1.7824e+00, 2.4471e+00, 2.8710e-02, 1.3351e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7318e+00, 1.7731e+00, 2.4644e+00, 3.0550e-02, 1.3498e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7399e+00, 1.7808e+00, 2.4508e+00, 2.8418e-02, 1.3059e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7489e+00, 1.7894e+00, 2.4336e+00, 2.8010e-02, 1.3565e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7497e+00, 1.7902e+00, 2.4320e+00, 2.7971e-02, 1.3613e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7497e+00, 1.7902e+00, 2.4320e+00, 2.7971e-02, 1.3613e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7497e+00, 1.7902e+00, 2.4320e+00, 2.7975e-02, 1.3944e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7497e+00, 1.7902e+00, 2.4320e+00, 2.7968e-02, 1.3290e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7493e+00, 1.7898e+00, 2.4322e+00, 2.8648e-02, 1.3950e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7501e+00, 1.7906e+00, 2.4318e+00, 2.7310e-02, 1.3283e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7648e+00, 1.7804e+00, 2.4274e+00, 2.7320e-02, 1.3305e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7349e+00, 1.8003e+00, 2.4365e+00, 2.8184e-02, 1.3701e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7636e+00, 1.7819e+00, 2.4277e+00, 2.6720e-02, 1.3004e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7628e+00, 1.7810e+00, 2.4281e+00, 2.8027e-02, 1.3656e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7488e+00, 1.7920e+00, 2.4321e+00, 2.6931e-02, 1.3092e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7777e+00, 1.7713e+00, 2.4235e+00, 2.7378e-02, 1.3349e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7699e+00, 1.7761e+00, 2.4259e+00, 2.7921e-02, 1.3611e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7708e+00, 1.7770e+00, 2.4255e+00, 2.6621e-02, 1.2963e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7660e+00, 1.7723e+00, 2.4343e+00, 2.7258e-02, 1.3247e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7750e+00, 1.7812e+00, 2.4168e+00, 2.6851e-02, 1.3111e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7803e+00, 1.7865e+00, 2.4065e+00, 2.6614e-02, 1.3031e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7712e+00, 1.7774e+00, 2.4242e+00, 2.7022e-02, 1.3168e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7952e+00, 1.7771e+00, 2.4008e+00, 2.6797e-02, 1.3145e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7667e+00, 1.7972e+00, 2.4096e+00, 2.6369e-02, 1.2896e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8013e+00, 1.7727e+00, 2.3989e+00, 2.6889e-02, 1.3199e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7729e+00, 1.7928e+00, 2.4077e+00, 2.6462e-02, 1.2950e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8029e+00, 1.7644e+00, 2.4060e+00, 2.6545e-02, 1.2998e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7828e+00, 1.7930e+00, 2.3971e+00, 2.6976e-02, 1.3249e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7836e+00, 1.7807e+00, 2.4085e+00, 2.7068e-02, 1.3251e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7928e+00, 1.7899e+00, 2.3905e+00, 2.6650e-02, 1.3111e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7930e+00, 1.7901e+00, 2.3895e+00, 2.7263e-02, 1.3424e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7939e+00, 1.7909e+00, 2.3891e+00, 2.5998e-02, 1.2787e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8081e+00, 1.7812e+00, 2.3846e+00, 2.6012e-02, 1.2811e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7790e+00, 1.8002e+00, 2.3939e+00, 2.6849e-02, 1.3197e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8178e+00, 1.7742e+00, 2.3816e+00, 2.6344e-02, 1.3302e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7897e+00, 1.7939e+00, 2.3904e+00, 2.5928e-02, 1.2448e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8081e+00, 1.7803e+00, 2.3847e+00, 2.6839e-02, 1.3654e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8089e+00, 1.7811e+00, 2.3843e+00, 2.5589e-02, 1.2402e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7946e+00, 1.7907e+00, 2.3888e+00, 2.5810e-02, 1.2406e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8226e+00, 1.7710e+00, 2.3800e+00, 2.6223e-02, 1.3255e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8228e+00, 1.7635e+00, 2.3876e+00, 2.5870e-02, 1.2531e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8032e+00, 1.7919e+00, 2.3785e+00, 2.6292e-02, 1.3395e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8079e+00, 1.7850e+00, 2.3807e+00, 2.6186e-02, 1.2870e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8079e+00, 1.7850e+00, 2.3807e+00, 2.6193e-02, 1.3497e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8079e+00, 1.7850e+00, 2.3807e+00, 2.6189e-02, 1.3179e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8079e+00, 1.7850e+00, 2.3807e+00, 2.6189e-02, 1.3179e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8083e+00, 1.7855e+00, 2.3805e+00, 2.5577e-02, 1.2864e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8075e+00, 1.7846e+00, 2.3809e+00, 2.6816e-02, 1.3502e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7940e+00, 1.7950e+00, 2.3851e+00, 2.5798e-02, 1.2658e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8220e+00, 1.7754e+00, 2.3762e+00, 2.6209e-02, 1.3522e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8219e+00, 1.7675e+00, 2.3840e+00, 2.6482e-02, 1.3419e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8033e+00, 1.7965e+00, 2.3745e+00, 2.5663e-02, 1.3030e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8005e+00, 1.7888e+00, 2.3846e+00, 2.5952e-02, 1.3141e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8099e+00, 1.7983e+00, 2.3662e+00, 2.5540e-02, 1.2998e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8011e+00, 1.8130e+00, 2.3606e+00, 2.5124e-02, 1.3108e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8195e+00, 1.7843e+00, 2.3702e+00, 2.5925e-02, 1.2876e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8041e+00, 1.8094e+00, 2.3618e+00, 2.4649e-02, 1.2764e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8033e+00, 1.8086e+00, 2.3622e+00, 2.5840e-02, 1.3394e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7987e+00, 1.8039e+00, 2.3714e+00, 2.5871e-02, 1.3063e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8090e+00, 1.8143e+00, 2.3523e+00, 2.4287e-02, 1.2908e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.7969e+00, 1.8255e+00, 2.3537e+00, 2.3840e-02, 1.2762e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8247e+00, 1.8066e+00, 2.3443e+00, 2.4208e-02, 1.3000e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8164e+00, 1.8123e+00, 2.3471e+00, 2.4098e-02, 1.2929e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8164e+00, 1.8123e+00, 2.3471e+00, 2.4098e-02, 1.2929e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8116e+00, 1.8074e+00, 2.3566e+00, 2.4294e-02, 1.2698e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8212e+00, 1.8171e+00, 2.3376e+00, 2.3901e-02, 1.3163e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8214e+00, 1.8173e+00, 2.3373e+00, 2.3898e-02, 1.3485e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8214e+00, 1.8173e+00, 2.3373e+00, 2.3892e-02, 1.2863e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8166e+00, 1.8124e+00, 2.3468e+00, 2.4092e-02, 1.2936e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8263e+00, 1.8222e+00, 2.3276e+00, 2.3697e-02, 1.3407e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8126e+00, 1.8315e+00, 2.3322e+00, 2.3516e-02, 1.3289e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8401e+00, 1.8132e+00, 2.3228e+00, 2.3872e-02, 1.3532e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8264e+00, 1.8141e+00, 2.3354e+00, 2.3956e-02, 1.3217e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8362e+00, 1.8240e+00, 2.3160e+00, 2.3559e-02, 1.3695e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8221e+00, 1.8327e+00, 2.3211e+00, 2.3937e-02, 1.3576e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8502e+00, 1.8154e+00, 2.3111e+00, 2.3186e-02, 1.3812e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8583e+00, 1.8103e+00, 2.3083e+00, 2.2967e-02, 1.3558e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8304e+00, 1.8276e+00, 2.3181e+00, 2.3719e-02, 1.3971e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8384e+00, 1.8233e+00, 2.3152e+00, 2.2965e-02, 1.3215e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8654e+00, 1.8053e+00, 2.3058e+00, 2.3310e-02, 1.4101e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8504e+00, 1.8069e+00, 2.3192e+00, 2.3381e-02, 1.3842e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8602e+00, 1.8172e+00, 2.2995e+00, 2.2979e-02, 1.3679e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8462e+00, 1.8256e+00, 2.3047e+00, 2.3357e-02, 1.3566e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8738e+00, 1.8086e+00, 2.2949e+00, 2.2618e-02, 1.3797e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8715e+00, 1.8183e+00, 2.2874e+00, 2.2610e-02, 1.3655e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8617e+00, 1.8078e+00, 2.3073e+00, 2.3010e-02, 1.3819e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8797e+00, 1.8039e+00, 2.2933e+00, 2.2985e-02, 1.3862e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8629e+00, 1.8320e+00, 2.2827e+00, 2.2261e-02, 1.3458e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8516e+00, 1.8371e+00, 2.2889e+00, 2.2195e-02, 1.3392e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8784e+00, 1.8197e+00, 2.2793e+00, 2.2514e-02, 1.3629e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8682e+00, 1.8263e+00, 2.2829e+00, 2.2392e-02, 1.3539e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8682e+00, 1.8263e+00, 2.2829e+00, 2.2392e-02, 1.3539e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8595e+00, 1.8399e+00, 2.2779e+00, 2.2559e-02, 1.3985e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8770e+00, 1.8127e+00, 2.2880e+00, 2.2224e-02, 1.3105e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8730e+00, 1.8188e+00, 2.2857e+00, 2.2303e-02, 1.3615e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8556e+00, 1.8460e+00, 2.2756e+00, 2.2631e-02, 1.3862e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8693e+00, 1.8246e+00, 2.2836e+00, 2.2370e-02, 1.3350e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8520e+00, 1.8516e+00, 2.2735e+00, 2.2703e-02, 1.4243e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8434e+00, 1.8517e+00, 2.2817e+00, 2.2966e-02, 1.3848e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8710e+00, 1.8352e+00, 2.2715e+00, 2.2241e-02, 1.4083e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8649e+00, 1.8394e+00, 2.2737e+00, 2.1890e-02, 1.3382e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8642e+00, 1.8387e+00, 2.2741e+00, 2.2942e-02, 1.4706e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8646e+00, 1.8391e+00, 2.2738e+00, 2.2279e-02, 1.3547e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8646e+00, 1.8391e+00, 2.2738e+00, 2.2286e-02, 1.4196e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8646e+00, 1.8391e+00, 2.2738e+00, 2.2286e-02, 1.4195e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8646e+00, 1.8391e+00, 2.2738e+00, 2.2279e-02, 1.3547e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8732e+00, 1.8256e+00, 2.2789e+00, 2.2118e-02, 1.3425e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8561e+00, 1.8526e+00, 2.2688e+00, 2.2446e-02, 1.4321e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8609e+00, 1.8441e+00, 2.2720e+00, 2.2873e-02, 1.4381e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8616e+00, 1.8448e+00, 2.2716e+00, 2.1833e-02, 1.3714e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8613e+00, 1.8445e+00, 2.2718e+00, 2.2223e-02, 1.3964e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8613e+00, 1.8445e+00, 2.2718e+00, 2.2223e-02, 1.3964e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8750e+00, 1.8363e+00, 2.2667e+00, 2.1866e-02, 1.3756e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8476e+00, 1.8527e+00, 2.2769e+00, 2.2584e-02, 1.4174e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8687e+00, 1.8407e+00, 2.2690e+00, 2.1532e-02, 1.3533e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8680e+00, 1.8400e+00, 2.2694e+00, 2.2557e-02, 1.4189e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8684e+00, 1.8404e+00, 2.2691e+00, 2.1919e-02, 1.3780e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8684e+00, 1.8404e+00, 2.2691e+00, 2.1919e-02, 1.3780e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8684e+00, 1.8404e+00, 2.2691e+00, 2.1916e-02, 1.3463e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8684e+00, 1.8404e+00, 2.2691e+00, 2.1922e-02, 1.4105e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8681e+00, 1.8400e+00, 2.2693e+00, 2.2437e-02, 1.4442e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8688e+00, 1.8407e+00, 2.2689e+00, 2.1413e-02, 1.3148e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8740e+00, 1.8461e+00, 2.2587e+00, 2.1110e-02, 1.3540e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8631e+00, 1.8349e+00, 2.2794e+00, 2.2508e-02, 1.3716e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8797e+00, 1.8520e+00, 2.2473e+00, 2.0854e-02, 1.3764e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8694e+00, 1.8414e+00, 2.2678e+00, 2.1231e-02, 1.3302e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8792e+00, 1.8515e+00, 2.2488e+00, 2.0405e-02, 1.3407e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8785e+00, 1.8508e+00, 2.2491e+00, 2.1373e-02, 1.4055e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8657e+00, 1.8596e+00, 2.2539e+00, 2.0630e-02, 1.3228e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8921e+00, 1.8429e+00, 2.2439e+00, 2.0924e-02, 1.4098e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8899e+00, 1.8356e+00, 2.2532e+00, 2.1145e-02, 1.3640e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8740e+00, 1.8630e+00, 2.2424e+00, 2.0481e-02, 1.3872e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8854e+00, 1.8442e+00, 2.2497e+00, 2.0464e-02, 1.3391e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8689e+00, 1.8708e+00, 2.2394e+00, 2.0759e-02, 1.4274e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8743e+00, 1.8622e+00, 2.2428e+00, 2.0666e-02, 1.4309e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8743e+00, 1.8622e+00, 2.2428e+00, 2.0660e-02, 1.3659e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8874e+00, 1.8539e+00, 2.2377e+00, 2.0809e-02, 1.4431e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8611e+00, 1.8704e+00, 2.2478e+00, 2.0516e-02, 1.3541e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8774e+00, 1.8597e+00, 2.2416e+00, 2.1189e-02, 1.4771e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8780e+00, 1.8603e+00, 2.2412e+00, 2.0225e-02, 1.3453e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8909e+00, 1.8519e+00, 2.2364e+00, 2.0741e-02, 1.4403e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8646e+00, 1.8683e+00, 2.2465e+00, 2.0451e-02, 1.3517e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8732e+00, 1.8716e+00, 2.2348e+00, 2.0301e-02, 1.3856e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8889e+00, 1.8444e+00, 2.2455e+00, 2.0967e-02, 1.4273e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8710e+00, 1.8601e+00, 2.2477e+00, 2.1116e-02, 1.4367e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8822e+00, 1.8714e+00, 2.2265e+00, 1.9791e-02, 1.3536e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8875e+00, 1.8768e+00, 2.2159e+00, 1.9606e-02, 1.3763e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8769e+00, 1.8661e+00, 2.2369e+00, 1.9972e-02, 1.3309e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8859e+00, 1.8752e+00, 2.2186e+00, 2.0108e-02, 1.4034e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8866e+00, 1.8759e+00, 2.2182e+00, 1.9201e-02, 1.3391e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8810e+00, 1.8702e+00, 2.2289e+00, 1.9743e-02, 1.3731e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8917e+00, 1.8811e+00, 2.2077e+00, 1.9372e-02, 1.3557e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8957e+00, 1.8851e+00, 2.1998e+00, 1.9237e-02, 1.3807e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8850e+00, 1.8742e+00, 2.2210e+00, 1.9602e-02, 1.3354e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8864e+00, 1.8966e+00, 2.1974e+00, 1.9420e-02, 1.4184e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9021e+00, 1.8706e+00, 2.2080e+00, 1.9154e-02, 1.3315e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8790e+00, 1.8951e+00, 2.2065e+00, 1.9195e-02, 1.3748e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9050e+00, 1.8794e+00, 2.1960e+00, 1.9453e-02, 1.3982e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8874e+00, 1.8983e+00, 2.1947e+00, 1.9488e-02, 1.4339e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9030e+00, 1.8723e+00, 2.2053e+00, 1.9222e-02, 1.3461e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8933e+00, 1.8892e+00, 2.1983e+00, 1.8951e-02, 1.3690e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8927e+00, 1.8886e+00, 2.1987e+00, 1.9844e-02, 1.4346e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8986e+00, 1.8945e+00, 2.1877e+00, 1.9121e-02, 1.4183e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8877e+00, 1.8835e+00, 2.2092e+00, 1.9488e-02, 1.3721e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9046e+00, 1.8798e+00, 2.1964e+00, 1.9047e-02, 1.3673e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8892e+00, 1.9057e+00, 2.1857e+00, 1.9308e-02, 1.4562e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8872e+00, 1.9089e+00, 2.1844e+00, 1.9340e-02, 1.4676e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9027e+00, 1.8831e+00, 2.1950e+00, 1.9080e-02, 1.3781e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9009e+00, 1.8861e+00, 2.1938e+00, 1.9114e-02, 1.4208e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8854e+00, 1.9119e+00, 2.1832e+00, 1.9367e-02, 1.4447e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8911e+00, 1.9016e+00, 2.1874e+00, 1.9721e-02, 1.5036e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8917e+00, 1.9023e+00, 2.1871e+00, 1.8828e-02, 1.3704e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8785e+00, 1.9097e+00, 2.1926e+00, 1.9052e-02, 1.3784e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9043e+00, 1.8943e+00, 2.1819e+00, 1.9312e-02, 1.4679e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9025e+00, 1.8871e+00, 2.1912e+00, 1.9089e-02, 1.4222e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8872e+00, 1.9128e+00, 2.1805e+00, 1.9342e-02, 1.4461e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8873e+00, 1.8971e+00, 2.1956e+00, 1.9880e-02, 1.4468e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8990e+00, 1.9087e+00, 2.1736e+00, 1.8626e-02, 1.4269e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8984e+00, 1.9081e+00, 2.1751e+00, 1.8292e-02, 1.3638e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8978e+00, 1.9075e+00, 2.1755e+00, 1.9157e-02, 1.4961e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8909e+00, 1.9209e+00, 2.1698e+00, 1.8337e-02, 1.4273e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9054e+00, 1.8947e+00, 2.1808e+00, 1.8943e-02, 1.4047e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8881e+00, 1.9259e+00, 2.1677e+00, 1.8223e-02, 1.4316e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9026e+00, 1.8998e+00, 2.1787e+00, 1.8826e-02, 1.4090e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9059e+00, 1.9103e+00, 2.1655e+00, 1.8114e-02, 1.4033e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8795e+00, 1.9248e+00, 2.1768e+00, 1.8717e-02, 1.4457e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9060e+00, 1.9012e+00, 2.1741e+00, 1.8575e-02, 1.4035e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8916e+00, 1.9272e+00, 2.1631e+00, 1.7980e-02, 1.4259e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8959e+00, 1.9186e+00, 2.1668e+00, 1.8591e-02, 1.4521e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8965e+00, 1.9192e+00, 2.1664e+00, 1.7759e-02, 1.3862e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8965e+00, 1.9193e+00, 2.1664e+00, 1.7683e-02, 1.3491e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8959e+00, 1.9187e+00, 2.1667e+00, 1.8518e-02, 1.4796e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8888e+00, 1.9317e+00, 2.1612e+00, 1.8139e-02, 1.4454e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9038e+00, 1.9063e+00, 2.1719e+00, 1.7902e-02, 1.3582e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8895e+00, 1.9156e+00, 2.1766e+00, 1.8219e-02, 1.4175e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9008e+00, 1.9265e+00, 2.1547e+00, 1.7860e-02, 1.3987e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8988e+00, 1.9246e+00, 2.1589e+00, 1.7526e-02, 1.3703e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8982e+00, 1.9240e+00, 2.1593e+00, 1.8346e-02, 1.4354e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8986e+00, 1.9244e+00, 2.1591e+00, 1.7860e-02, 1.3968e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8986e+00, 1.9244e+00, 2.1591e+00, 1.7860e-02, 1.3968e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8915e+00, 1.9373e+00, 2.1536e+00, 1.7567e-02, 1.3758e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9057e+00, 1.9114e+00, 2.1646e+00, 1.8156e-02, 1.4179e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8966e+00, 1.9288e+00, 2.1571e+00, 1.7365e-02, 1.3582e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8960e+00, 1.9282e+00, 2.1575e+00, 1.8176e-02, 1.4226e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8960e+00, 1.9283e+00, 2.1574e+00, 1.8105e-02, 1.4169e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8966e+00, 1.9289e+00, 2.1571e+00, 1.7297e-02, 1.3528e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8835e+00, 1.9360e+00, 2.1628e+00, 1.7509e-02, 1.3366e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9091e+00, 1.9212e+00, 2.1517e+00, 1.7744e-02, 1.4226e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8999e+00, 1.9266e+00, 2.1557e+00, 1.7662e-02, 1.4229e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8999e+00, 1.9266e+00, 2.1557e+00, 1.7655e-02, 1.3593e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8942e+00, 1.9211e+00, 2.1667e+00, 1.7836e-02, 1.4000e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9056e+00, 1.9321e+00, 2.1447e+00, 1.7481e-02, 1.3813e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9034e+00, 1.9300e+00, 2.1493e+00, 1.7162e-02, 1.3537e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9028e+00, 1.9295e+00, 2.1496e+00, 1.7962e-02, 1.4177e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9102e+00, 1.9169e+00, 2.1550e+00, 1.7780e-02, 1.4007e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8962e+00, 1.9426e+00, 2.1439e+00, 1.7203e-02, 1.3593e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9068e+00, 1.9392e+00, 2.1366e+00, 1.7230e-02, 1.3958e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8953e+00, 1.9282e+00, 2.1588e+00, 1.7576e-02, 1.3518e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9168e+00, 1.9295e+00, 2.1361e+00, 1.7422e-02, 1.4293e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8914e+00, 1.9439e+00, 2.1473e+00, 1.7195e-02, 1.3433e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9200e+00, 1.9277e+00, 2.1347e+00, 1.7447e-02, 1.4080e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.8946e+00, 1.9421e+00, 2.1459e+00, 1.7227e-02, 1.3851e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9035e+00, 1.9459e+00, 2.1334e+00, 1.7079e-02, 1.3784e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9174e+00, 1.9203e+00, 2.1446e+00, 1.7653e-02, 1.4204e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9144e+00, 1.9428e+00, 2.1259e+00, 1.6722e-02, 1.3832e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9024e+00, 1.9311e+00, 2.1486e+00, 1.7854e-02, 1.4030e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9064e+00, 1.9350e+00, 2.1409e+00, 1.7462e-02, 1.3963e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9186e+00, 1.9468e+00, 2.1182e+00, 1.6352e-02, 1.3764e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9223e+00, 1.9504e+00, 2.1108e+00, 1.6372e-02, 1.4018e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9107e+00, 1.9391e+00, 2.1334e+00, 1.6709e-02, 1.3582e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9250e+00, 1.9530e+00, 2.1055e+00, 1.6290e-02, 1.3805e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9134e+00, 1.9417e+00, 2.1281e+00, 1.6633e-02, 1.3998e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9280e+00, 1.9559e+00, 2.1001e+00, 1.5848e-02, 1.3447e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9157e+00, 1.9440e+00, 2.1232e+00, 1.6935e-02, 1.4279e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9127e+00, 1.9602e+00, 2.1107e+00, 1.6327e-02, 1.3505e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9383e+00, 1.9468e+00, 2.0989e+00, 1.5802e-02, 1.3718e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9360e+00, 1.9572e+00, 2.0912e+00, 1.5450e-02, 1.3244e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9238e+00, 1.9453e+00, 2.1143e+00, 1.6512e-02, 1.4064e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9333e+00, 1.9546e+00, 2.0963e+00, 1.5677e-02, 1.3419e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9333e+00, 1.9546e+00, 2.0963e+00, 1.5677e-02, 1.3419e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9402e+00, 1.9422e+00, 2.1019e+00, 1.5580e-02, 1.3014e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9265e+00, 1.9669e+00, 2.0907e+00, 1.5774e-02, 1.3835e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9267e+00, 1.9496e+00, 2.1074e+00, 1.6212e-02, 1.3550e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9390e+00, 1.9616e+00, 2.0842e+00, 1.5174e-02, 1.3353e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9423e+00, 1.9648e+00, 2.0779e+00, 1.4904e-02, 1.3001e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9299e+00, 1.9528e+00, 2.1012e+00, 1.5931e-02, 1.3807e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9460e+00, 1.9496e+00, 2.0893e+00, 1.5056e-02, 1.2796e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9325e+00, 1.9741e+00, 2.0780e+00, 1.5241e-02, 1.3601e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9515e+00, 1.9561e+00, 2.0774e+00, 1.4907e-02, 1.3319e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9261e+00, 1.9691e+00, 2.0892e+00, 1.5405e-02, 1.3115e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9301e+00, 1.9674e+00, 2.0874e+00, 1.4988e-02, 1.2847e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9549e+00, 1.9540e+00, 2.0758e+00, 1.5175e-02, 1.3658e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9318e+00, 1.9665e+00, 2.0866e+00, 1.5004e-02, 1.3197e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9565e+00, 1.9531e+00, 2.0750e+00, 1.5185e-02, 1.3408e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9518e+00, 1.9647e+00, 2.0684e+00, 1.4948e-02, 1.3524e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9400e+00, 1.9531e+00, 2.0915e+00, 1.5266e-02, 1.3112e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9476e+00, 1.9606e+00, 2.0763e+00, 1.5401e-02, 1.4010e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9481e+00, 1.9611e+00, 2.0759e+00, 1.4714e-02, 1.2790e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9415e+00, 1.9733e+00, 2.0703e+00, 1.4759e-02, 1.3402e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9543e+00, 1.9484e+00, 2.0819e+00, 1.5255e-02, 1.3201e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9400e+00, 1.9756e+00, 2.0692e+00, 1.5042e-02, 1.3426e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9532e+00, 1.9512e+00, 2.0806e+00, 1.4867e-02, 1.3218e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9585e+00, 1.9576e+00, 2.0688e+00, 1.5049e-02, 1.3434e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9338e+00, 1.9709e+00, 2.0803e+00, 1.4871e-02, 1.3223e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9416e+00, 1.9573e+00, 2.0855e+00, 1.5475e-02, 1.3441e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9540e+00, 1.9694e+00, 2.0620e+00, 1.4482e-02, 1.3243e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9572e+00, 1.9539e+00, 2.0742e+00, 1.4662e-02, 1.3194e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9440e+00, 1.9782e+00, 2.0628e+00, 1.4834e-02, 1.3400e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9624e+00, 1.9602e+00, 2.0624e+00, 1.4840e-02, 1.3407e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9379e+00, 1.9734e+00, 2.0740e+00, 1.4666e-02, 1.3198e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9519e+00, 1.9662e+00, 2.0673e+00, 1.4431e-02, 1.2724e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9514e+00, 1.9657e+00, 2.0676e+00, 1.5103e-02, 1.3934e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9576e+00, 1.9719e+00, 2.0558e+00, 1.4561e-02, 1.3437e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9457e+00, 1.9602e+00, 2.0790e+00, 1.4874e-02, 1.3031e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9532e+00, 1.9675e+00, 2.0642e+00, 1.5006e-02, 1.3600e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9537e+00, 1.9680e+00, 2.0639e+00, 1.4344e-02, 1.2994e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9600e+00, 1.9556e+00, 2.0697e+00, 1.4543e-02, 1.3151e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9469e+00, 1.9799e+00, 2.0583e+00, 1.4713e-02, 1.3356e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9591e+00, 1.9743e+00, 2.0520e+00, 1.4476e-02, 1.3463e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9472e+00, 1.9626e+00, 2.0753e+00, 1.4788e-02, 1.3057e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9610e+00, 1.9762e+00, 2.0485e+00, 1.4111e-02, 1.3216e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9486e+00, 1.9640e+00, 2.0722e+00, 1.5080e-02, 1.3416e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9633e+00, 1.9784e+00, 2.0439e+00, 1.4240e-02, 1.3479e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9513e+00, 1.9667e+00, 2.0673e+00, 1.4549e-02, 1.3075e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9651e+00, 1.9617e+00, 2.0585e+00, 1.4597e-02, 1.3530e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9527e+00, 1.9863e+00, 2.0468e+00, 1.4115e-02, 1.3128e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9454e+00, 1.9822e+00, 2.0577e+00, 1.4556e-02, 1.3496e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9702e+00, 1.9698e+00, 2.0457e+00, 1.4078e-02, 1.3098e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9544e+00, 1.9869e+00, 2.0445e+00, 1.4028e-02, 1.3350e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9668e+00, 1.9623e+00, 2.0563e+00, 1.4501e-02, 1.3153e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9599e+00, 1.9768e+00, 2.0493e+00, 1.3907e-02, 1.2680e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9594e+00, 1.9763e+00, 2.0496e+00, 1.4553e-02, 1.3881e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9537e+00, 1.9707e+00, 2.0611e+00, 1.4338e-02, 1.2991e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9657e+00, 1.9825e+00, 2.0376e+00, 1.4032e-02, 1.3392e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9489e+00, 1.9844e+00, 2.0525e+00, 1.4067e-02, 1.3135e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9732e+00, 1.9716e+00, 2.0408e+00, 1.4230e-02, 1.3340e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9499e+00, 1.9839e+00, 2.0520e+00, 1.4074e-02, 1.3144e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9742e+00, 1.9711e+00, 2.0403e+00, 1.4237e-02, 1.3349e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9568e+00, 1.9708e+00, 2.0576e+00, 1.4640e-02, 1.3355e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9693e+00, 1.9831e+00, 2.0337e+00, 1.3698e-02, 1.3154e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9589e+00, 1.9911e+00, 2.0358e+00, 1.4078e-02, 1.3320e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9716e+00, 1.9670e+00, 2.0473e+00, 1.3920e-02, 1.3119e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9529e+00, 1.9857e+00, 2.0473e+00, 1.3918e-02, 1.2828e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9772e+00, 1.9730e+00, 2.0356e+00, 1.4084e-02, 1.3626e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9599e+00, 1.9911e+00, 2.0351e+00, 1.3776e-02, 1.3347e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9721e+00, 1.9666e+00, 2.0470e+00, 1.4240e-02, 1.3151e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9591e+00, 1.9747e+00, 2.0519e+00, 1.4125e-02, 1.3063e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9711e+00, 1.9865e+00, 2.0284e+00, 1.3822e-02, 1.3464e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9663e+00, 1.9818e+00, 2.0378e+00, 1.3940e-02, 1.3008e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9663e+00, 1.9818e+00, 2.0378e+00, 1.3946e-02, 1.3606e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9724e+00, 1.9696e+00, 2.0437e+00, 1.4175e-02, 1.3205e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9603e+00, 1.9940e+00, 2.0319e+00, 1.3714e-02, 1.3401e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9592e+00, 1.9953e+00, 2.0313e+00, 1.3991e-02, 1.3416e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9718e+00, 1.9714e+00, 2.0428e+00, 1.3834e-02, 1.3215e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9657e+00, 1.9837e+00, 2.0368e+00, 1.3602e-02, 1.2729e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9652e+00, 1.9832e+00, 2.0371e+00, 1.4232e-02, 1.3930e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9655e+00, 1.9835e+00, 2.0370e+00, 1.3878e-02, 1.3543e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9655e+00, 1.9835e+00, 2.0370e+00, 1.3872e-02, 1.2949e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9592e+00, 1.9954e+00, 2.0312e+00, 1.3952e-02, 1.3342e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9718e+00, 1.9715e+00, 2.0427e+00, 1.3796e-02, 1.3142e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9657e+00, 1.9838e+00, 2.0368e+00, 1.3568e-02, 1.2946e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9652e+00, 1.9833e+00, 2.0371e+00, 1.4189e-02, 1.3545e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9653e+00, 1.9834e+00, 2.0371e+00, 1.4154e-02, 1.3815e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9657e+00, 1.9838e+00, 2.0368e+00, 1.3529e-02, 1.2625e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9776e+00, 1.9774e+00, 2.0311e+00, 1.3878e-02, 1.3235e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9534e+00, 1.9899e+00, 2.0428e+00, 1.3721e-02, 1.3033e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9661e+00, 1.9830e+00, 2.0366e+00, 1.4117e-02, 1.3442e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9666e+00, 1.9834e+00, 2.0363e+00, 1.3500e-02, 1.2848e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9786e+00, 1.9772e+00, 2.0305e+00, 1.3543e-02, 1.3203e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9541e+00, 1.9893e+00, 2.0425e+00, 1.3996e-02, 1.3008e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9563e+00, 1.9882e+00, 2.0414e+00, 1.3957e-02, 1.3321e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9809e+00, 1.9761e+00, 2.0294e+00, 1.3500e-02, 1.2929e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9771e+00, 1.9691e+00, 2.0401e+00, 1.3609e-02, 1.2990e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9646e+00, 1.9930e+00, 2.0286e+00, 1.3763e-02, 1.3188e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9648e+00, 1.9753e+00, 2.0459e+00, 1.3839e-02, 1.3187e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9768e+00, 1.9872e+00, 2.0224e+00, 1.3536e-02, 1.2994e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9656e+00, 1.9762e+00, 2.0439e+00, 1.4123e-02, 1.3470e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9781e+00, 1.9885e+00, 2.0201e+00, 1.3210e-02, 1.2687e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9677e+00, 1.9782e+00, 2.0403e+00, 1.3676e-02, 1.3054e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9797e+00, 1.9901e+00, 2.0167e+00, 1.3376e-02, 1.2862e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9809e+00, 1.9913e+00, 2.0146e+00, 1.3059e-02, 1.2843e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9684e+00, 1.9790e+00, 2.0385e+00, 1.3956e-02, 1.3041e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9702e+00, 1.9986e+00, 2.0175e+00, 1.3453e-02, 1.3012e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9825e+00, 1.9749e+00, 2.0292e+00, 1.3305e-02, 1.2818e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9702e+00, 1.9986e+00, 2.0175e+00, 1.3453e-02, 1.3012e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9826e+00, 1.9749e+00, 2.0292e+00, 1.3305e-02, 1.2818e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9701e+00, 1.9806e+00, 2.0353e+00, 1.3834e-02, 1.3307e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9826e+00, 1.9930e+00, 2.0113e+00, 1.2939e-02, 1.2534e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9780e+00, 1.9884e+00, 2.0202e+00, 1.3263e-02, 1.2814e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9780e+00, 1.9884e+00, 2.0202e+00, 1.3263e-02, 1.2814e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9721e+00, 2.0004e+00, 2.0143e+00, 1.3042e-02, 1.2623e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9839e+00, 1.9763e+00, 2.0262e+00, 1.3487e-02, 1.3008e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9835e+00, 1.9778e+00, 2.0254e+00, 1.3163e-02, 1.2418e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9713e+00, 2.0015e+00, 2.0138e+00, 1.3315e-02, 1.3180e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9714e+00, 2.0014e+00, 2.0138e+00, 1.3311e-02, 1.2885e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9836e+00, 1.9777e+00, 2.0255e+00, 1.3165e-02, 1.2693e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9838e+00, 1.9956e+00, 2.0077e+00, 1.2802e-02, 1.2411e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9713e+00, 1.9833e+00, 2.0316e+00, 1.3687e-02, 1.3176e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9788e+00, 1.9907e+00, 2.0169e+00, 1.3427e-02, 1.3275e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9793e+00, 1.9912e+00, 2.0166e+00, 1.2837e-02, 1.2139e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9728e+00, 1.9848e+00, 2.0287e+00, 1.3537e-02, 1.2727e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9854e+00, 1.9972e+00, 2.0047e+00, 1.2667e-02, 1.2534e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9868e+00, 1.9986e+00, 2.0019e+00, 1.2569e-02, 1.2511e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9743e+00, 1.9863e+00, 2.0259e+00, 1.3433e-02, 1.2705e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9821e+00, 1.9940e+00, 2.0111e+00, 1.2613e-02, 1.2036e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9817e+00, 1.9936e+00, 2.0114e+00, 1.3192e-02, 1.3162e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9759e+00, 1.9879e+00, 2.0231e+00, 1.3010e-02, 1.2341e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9880e+00, 1.9998e+00, 1.9993e+00, 1.2726e-02, 1.2711e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9887e+00, 2.0004e+00, 1.9981e+00, 1.2711e-02, 1.2730e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9765e+00, 1.9885e+00, 2.0219e+00, 1.2995e-02, 1.2360e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9832e+00, 1.9950e+00, 2.0088e+00, 1.2842e-02, 1.2845e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9832e+00, 1.9950e+00, 2.0088e+00, 1.2836e-02, 1.2286e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9832e+00, 1.9950e+00, 2.0088e+00, 1.2839e-02, 1.2562e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9832e+00, 1.9950e+00, 2.0088e+00, 1.2839e-02, 1.2562e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9893e+00, 2.0010e+00, 1.9969e+00, 1.2697e-02, 1.2748e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9771e+00, 1.9891e+00, 2.0207e+00, 1.2981e-02, 1.2377e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9716e+00, 2.0014e+00, 2.0138e+00, 1.3038e-02, 1.2487e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9958e+00, 1.9898e+00, 2.0017e+00, 1.2616e-02, 1.2671e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9970e+00, 1.9889e+00, 2.0011e+00, 1.2873e-02, 1.2969e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9733e+00, 2.0009e+00, 2.0129e+00, 1.2728e-02, 1.2221e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9790e+00, 1.9887e+00, 2.0189e+00, 1.3236e-02, 1.2974e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9915e+00, 2.0011e+00, 1.9949e+00, 1.2379e-02, 1.2221e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9805e+00, 2.0078e+00, 1.9988e+00, 1.2789e-02, 1.2894e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9925e+00, 1.9843e+00, 2.0105e+00, 1.2645e-02, 1.2153e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9867e+00, 1.9958e+00, 2.0047e+00, 1.2715e-02, 1.2508e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9867e+00, 1.9958e+00, 2.0047e+00, 1.2715e-02, 1.2508e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9746e+00, 2.0015e+00, 2.0108e+00, 1.2926e-02, 1.2417e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 1.9900e+00, 1.9987e+00, 1.2507e-02, 1.2599e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 1.9894e+00, 1.9981e+00, 1.2482e-02, 1.2332e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9759e+00, 2.0009e+00, 2.0102e+00, 1.2906e-02, 1.2705e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9835e+00, 2.0065e+00, 1.9975e+00, 1.2460e-02, 1.2312e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9950e+00, 1.9825e+00, 2.0095e+00, 1.2884e-02, 1.2686e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9828e+00, 2.0072e+00, 1.9971e+00, 1.2721e-02, 1.2575e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9947e+00, 1.9837e+00, 2.0088e+00, 1.2584e-02, 1.2390e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9831e+00, 2.0071e+00, 1.9971e+00, 1.2441e-02, 1.2295e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9946e+00, 1.9832e+00, 2.0091e+00, 1.2864e-02, 1.2668e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 1.9905e+00, 1.9966e+00, 1.2425e-02, 1.2280e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9764e+00, 2.0020e+00, 2.0087e+00, 1.2846e-02, 1.2652e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9896e+00, 1.9956e+00, 2.0020e+00, 1.2610e-02, 1.2174e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9896e+00, 1.9956e+00, 2.0020e+00, 1.2615e-02, 1.2725e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9836e+00, 1.9896e+00, 2.0139e+00, 1.2755e-02, 1.2539e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9957e+00, 2.0016e+00, 1.9901e+00, 1.2470e-02, 1.2352e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9838e+00, 1.9899e+00, 2.0131e+00, 1.3029e-02, 1.2815e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9964e+00, 2.0023e+00, 1.9891e+00, 1.2188e-02, 1.2073e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9853e+00, 2.0088e+00, 1.9932e+00, 1.2597e-02, 1.2466e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9971e+00, 1.9854e+00, 2.0049e+00, 1.2462e-02, 1.2283e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 1.9850e+00, 2.0051e+00, 1.2460e-02, 1.2281e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9854e+00, 2.0085e+00, 1.9934e+00, 1.2595e-02, 1.2463e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9853e+00, 1.9903e+00, 2.0114e+00, 1.2947e-02, 1.2465e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0027e+00, 1.9873e+00, 1.2116e-02, 1.2274e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0042e+00, 1.9916e+00, 1.9915e+00, 1.2527e-02, 1.2723e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9807e+00, 2.0034e+00, 2.0033e+00, 1.2388e-02, 1.1994e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0040e+00, 1.9917e+00, 1.9916e+00, 1.2523e-02, 1.2439e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9806e+00, 2.0035e+00, 2.0034e+00, 1.2389e-02, 1.2256e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9981e+00, 1.9859e+00, 2.0035e+00, 1.2386e-02, 1.1988e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9863e+00, 2.0093e+00, 1.9918e+00, 1.2525e-02, 1.2715e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9981e+00, 1.9853e+00, 2.0038e+00, 1.2663e-02, 1.2520e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9867e+00, 2.0091e+00, 1.9918e+00, 1.2247e-02, 1.2152e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9980e+00, 2.0041e+00, 1.9854e+00, 1.2301e-02, 1.2502e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9859e+00, 1.9921e+00, 2.0092e+00, 1.2576e-02, 1.2143e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9866e+00, 2.0103e+00, 1.9907e+00, 1.2225e-02, 1.2148e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9980e+00, 1.9865e+00, 2.0027e+00, 1.2640e-02, 1.2516e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9917e+00, 1.9990e+00, 1.9964e+00, 1.2693e-02, 1.2596e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9921e+00, 1.9995e+00, 1.9962e+00, 1.2146e-02, 1.2048e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9919e+00, 1.9993e+00, 1.9963e+00, 1.2387e-02, 1.2023e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9919e+00, 1.9993e+00, 1.9963e+00, 1.2392e-02, 1.2565e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 1.9874e+00, 2.0023e+00, 1.2594e-02, 1.2203e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9863e+00, 2.0111e+00, 1.9903e+00, 1.2187e-02, 1.2379e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9859e+00, 2.0118e+00, 1.9899e+00, 1.2174e-02, 1.2384e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 1.9881e+00, 2.0019e+00, 1.2581e-02, 1.2208e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9910e+00, 2.0005e+00, 1.9957e+00, 1.2639e-02, 1.2578e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9914e+00, 2.0009e+00, 1.9954e+00, 1.2095e-02, 1.2031e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9971e+00, 1.9891e+00, 2.0014e+00, 1.2268e-02, 1.1919e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9854e+00, 2.0124e+00, 1.9897e+00, 1.2405e-02, 1.2640e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9917e+00, 2.0005e+00, 1.9956e+00, 1.2066e-02, 1.1990e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9913e+00, 2.0001e+00, 1.9959e+00, 1.2608e-02, 1.2535e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0034e+00, 1.9947e+00, 1.9897e+00, 1.2106e-02, 1.2320e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9796e+00, 2.0060e+00, 2.0018e+00, 1.2510e-02, 1.2144e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9806e+00, 2.0055e+00, 2.0013e+00, 1.2495e-02, 1.2422e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0044e+00, 1.9942e+00, 1.9892e+00, 1.2086e-02, 1.2059e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9874e+00, 1.9932e+00, 2.0067e+00, 1.2684e-02, 1.2318e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9998e+00, 2.0055e+00, 1.9827e+00, 1.1872e-02, 1.2130e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0064e+00, 1.9809e+00, 1.1816e-02, 1.2117e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9882e+00, 1.9940e+00, 2.0050e+00, 1.2624e-02, 1.2305e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0016e+00, 2.0073e+00, 1.9793e+00, 1.1760e-02, 1.1841e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9891e+00, 1.9949e+00, 2.0033e+00, 1.2570e-02, 1.2565e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9842e+00, 2.0075e+00, 1.9958e+00, 1.2308e-02, 1.2331e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 1.9963e+00, 1.9837e+00, 1.1905e-02, 1.1971e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9914e+00, 2.0133e+00, 1.9833e+00, 1.1893e-02, 1.2223e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0026e+00, 1.9896e+00, 1.9953e+00, 1.2290e-02, 1.2050e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9905e+00, 1.9959e+00, 2.0010e+00, 1.2488e-02, 1.2507e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0083e+00, 1.9769e+00, 1.1684e-02, 1.1786e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9977e+00, 2.0031e+00, 1.9874e+00, 1.1766e-02, 1.1575e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 2.0027e+00, 1.9876e+00, 1.2300e-02, 1.2643e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0036e+00, 2.0089e+00, 1.9755e+00, 1.1871e-02, 1.2220e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9915e+00, 1.9969e+00, 1.9994e+00, 1.2138e-02, 1.1872e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0030e+00, 1.9872e+00, 1.2001e-02, 1.2048e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0030e+00, 1.9872e+00, 1.2001e-02, 1.2048e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0032e+00, 1.9871e+00, 1.1741e-02, 1.1785e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9974e+00, 2.0028e+00, 1.9874e+00, 1.2268e-02, 1.2318e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9921e+00, 2.0148e+00, 1.9813e+00, 1.1781e-02, 1.2108e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 1.9912e+00, 1.9933e+00, 1.2174e-02, 1.1938e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9855e+00, 2.0092e+00, 1.9930e+00, 1.2164e-02, 1.1941e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 1.9980e+00, 1.9809e+00, 1.1772e-02, 1.2113e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9926e+00, 2.0150e+00, 1.9806e+00, 1.1759e-02, 1.2118e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 1.9914e+00, 1.9926e+00, 1.2152e-02, 1.1947e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9923e+00, 2.0155e+00, 1.9803e+00, 1.1750e-02, 1.2122e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0035e+00, 1.9920e+00, 1.9923e+00, 1.2142e-02, 1.1951e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 1.9925e+00, 1.9920e+00, 1.2136e-02, 1.2220e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9921e+00, 2.0160e+00, 1.9800e+00, 1.1739e-02, 1.1863e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9857e+00, 2.0107e+00, 1.9917e+00, 1.1864e-02, 1.1944e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0089e+00, 1.9991e+00, 1.9798e+00, 1.1990e-02, 1.2120e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9972e+00, 2.0052e+00, 1.9858e+00, 1.1664e-02, 1.1512e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9968e+00, 2.0048e+00, 1.9860e+00, 1.2192e-02, 1.2571e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 1.9995e+00, 1.9799e+00, 1.1706e-02, 1.2065e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9852e+00, 2.0106e+00, 1.9919e+00, 1.2096e-02, 1.1894e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0047e+00, 1.9855e+00, 1.1887e-02, 1.1985e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0047e+00, 1.9855e+00, 1.1887e-02, 1.1985e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0096e+00, 1.9991e+00, 1.9795e+00, 1.1694e-02, 1.2070e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9860e+00, 2.0103e+00, 1.9915e+00, 1.2083e-02, 1.1899e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 2.0043e+00, 1.9851e+00, 1.1872e-02, 1.1731e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 2.0043e+00, 1.9851e+00, 1.1878e-02, 1.2256e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9988e+00, 2.0045e+00, 1.9850e+00, 1.1616e-02, 1.1474e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9984e+00, 2.0041e+00, 1.9852e+00, 1.2140e-02, 1.2529e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9931e+00, 2.0160e+00, 1.9791e+00, 1.1657e-02, 1.2024e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0042e+00, 1.9926e+00, 1.9911e+00, 1.2045e-02, 1.1855e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0044e+00, 2.0108e+00, 1.9729e+00, 1.1708e-02, 1.1853e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9924e+00, 1.9989e+00, 1.9967e+00, 1.1976e-02, 1.2033e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0100e+00, 1.9992e+00, 1.9788e+00, 1.1902e-02, 1.2029e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9868e+00, 2.0107e+00, 1.9906e+00, 1.1777e-02, 1.1855e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9924e+00, 2.0166e+00, 1.9790e+00, 1.1903e-02, 1.2292e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0039e+00, 1.9935e+00, 1.9907e+00, 1.1773e-02, 1.1597e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0099e+00, 1.9988e+00, 1.9793e+00, 1.1897e-02, 1.2008e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9868e+00, 2.0103e+00, 1.9911e+00, 1.1772e-02, 1.1834e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9864e+00, 2.0104e+00, 1.9913e+00, 1.1770e-02, 1.1832e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0096e+00, 1.9989e+00, 1.9795e+00, 1.1895e-02, 1.2005e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0094e+00, 1.9993e+00, 1.9795e+00, 1.1639e-02, 1.2001e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9859e+00, 2.0104e+00, 1.9916e+00, 1.2025e-02, 1.1831e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9866e+00, 2.0100e+00, 1.9912e+00, 1.2016e-02, 1.2098e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0102e+00, 1.9989e+00, 1.9791e+00, 1.1624e-02, 1.1746e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9874e+00, 2.0097e+00, 1.9908e+00, 1.2001e-02, 1.1826e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0109e+00, 1.9986e+00, 1.9788e+00, 1.1615e-02, 1.1995e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 2.0038e+00, 1.9844e+00, 1.1793e-02, 1.1658e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 2.0038e+00, 1.9844e+00, 1.1798e-02, 1.2178e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9937e+00, 1.9977e+00, 1.9964e+00, 1.2192e-02, 1.2271e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0100e+00, 1.9724e+00, 1.1411e-02, 1.1568e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9887e+00, 2.0100e+00, 1.9892e+00, 1.1949e-02, 1.1795e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 1.9989e+00, 1.9772e+00, 1.1565e-02, 1.1963e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0042e+00, 1.9829e+00, 1.1745e-02, 1.1883e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0042e+00, 1.9829e+00, 1.1745e-02, 1.1883e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0103e+00, 1.9708e+00, 1.1365e-02, 1.1792e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9949e+00, 1.9980e+00, 1.9948e+00, 1.2137e-02, 1.1975e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9957e+00, 1.9988e+00, 1.9935e+00, 1.1841e-02, 1.1964e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0107e+00, 1.9698e+00, 1.1576e-02, 1.1785e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0108e+00, 1.9698e+00, 1.1576e-02, 1.1785e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9957e+00, 1.9988e+00, 1.9935e+00, 1.1841e-02, 1.1964e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 1.9986e+00, 1.9936e+00, 1.2099e-02, 1.1966e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0109e+00, 1.9697e+00, 1.1329e-02, 1.1783e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0053e+00, 1.9806e+00, 1.1674e-02, 1.1866e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0053e+00, 1.9806e+00, 1.1674e-02, 1.1866e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 1.9996e+00, 1.9748e+00, 1.1737e-02, 1.2215e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9907e+00, 2.0110e+00, 1.9865e+00, 1.1610e-02, 1.1526e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9900e+00, 2.0111e+00, 1.9869e+00, 1.1862e-02, 1.1767e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0134e+00, 2.0001e+00, 1.9749e+00, 1.1482e-02, 1.1935e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 1.9936e+00, 1.9866e+00, 1.1856e-02, 1.2031e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9969e+00, 2.0169e+00, 1.9746e+00, 1.1470e-02, 1.1681e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0136e+00, 2.0001e+00, 1.9745e+00, 1.1715e-02, 1.1934e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9906e+00, 2.0115e+00, 1.9862e+00, 1.1593e-02, 1.1763e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0017e+00, 2.0060e+00, 1.9806e+00, 1.1651e-02, 1.1845e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0017e+00, 2.0060e+00, 1.9806e+00, 1.1651e-02, 1.1845e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0122e+00, 1.9686e+00, 1.1275e-02, 1.1754e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 1.9998e+00, 1.9925e+00, 1.2039e-02, 1.1936e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9960e+00, 2.0004e+00, 1.9915e+00, 1.2006e-02, 1.1928e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0084e+00, 2.0127e+00, 1.9675e+00, 1.1243e-02, 1.1746e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9972e+00, 2.0186e+00, 1.9726e+00, 1.1397e-02, 1.1656e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0082e+00, 1.9953e+00, 1.9846e+00, 1.1780e-02, 1.2005e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9910e+00, 2.0131e+00, 1.9843e+00, 1.1518e-02, 1.1486e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0140e+00, 2.0018e+00, 1.9725e+00, 1.1644e-02, 1.2171e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 1.9960e+00, 1.9846e+00, 1.1768e-02, 1.1726e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9966e+00, 2.0193e+00, 1.9727e+00, 1.1391e-02, 1.1891e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 1.9963e+00, 1.9844e+00, 1.1763e-02, 1.1728e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9964e+00, 2.0196e+00, 1.9725e+00, 1.1385e-02, 1.1894e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0143e+00, 1.9664e+00, 1.1436e-02, 1.1725e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9957e+00, 2.0024e+00, 1.9901e+00, 1.1698e-02, 1.1902e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0131e+00, 2.0026e+00, 1.9725e+00, 1.1631e-02, 1.2161e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9901e+00, 2.0140e+00, 1.9843e+00, 1.1506e-02, 1.1477e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9894e+00, 2.0140e+00, 1.9847e+00, 1.1758e-02, 1.1975e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 2.0031e+00, 1.9726e+00, 1.1377e-02, 1.1628e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0142e+00, 1.9665e+00, 1.1426e-02, 1.1703e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9958e+00, 2.0023e+00, 1.9901e+00, 1.1687e-02, 1.1880e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9961e+00, 2.0196e+00, 1.9726e+00, 1.1617e-02, 1.1877e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0074e+00, 1.9967e+00, 1.9843e+00, 1.1498e-02, 1.1708e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0136e+00, 2.0021e+00, 1.9728e+00, 1.1368e-02, 1.1870e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9903e+00, 2.0130e+00, 1.9848e+00, 1.1743e-02, 1.1705e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0081e+00, 1.9956e+00, 1.9845e+00, 1.1737e-02, 1.1966e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9971e+00, 2.0188e+00, 1.9726e+00, 1.1356e-02, 1.1619e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0086e+00, 2.0138e+00, 1.9663e+00, 1.1167e-02, 1.1695e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9962e+00, 2.0015e+00, 1.9902e+00, 1.1923e-02, 1.1876e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0079e+00, 1.9775e+00, 1.1765e-02, 1.2303e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0083e+00, 1.9773e+00, 1.1261e-02, 1.1277e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0029e+00, 2.0081e+00, 1.9774e+00, 1.1488e-02, 1.1733e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0029e+00, 2.0081e+00, 1.9774e+00, 1.1488e-02, 1.1733e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9967e+00, 2.0020e+00, 1.9893e+00, 1.1870e-02, 1.1823e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0143e+00, 1.9654e+00, 1.1118e-02, 1.1643e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0093e+00, 2.0145e+00, 1.9647e+00, 1.1334e-02, 1.1894e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 2.0026e+00, 1.9883e+00, 1.1588e-02, 1.1561e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0200e+00, 1.9708e+00, 1.1278e-02, 1.1805e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0087e+00, 1.9968e+00, 1.9827e+00, 1.1651e-02, 1.1642e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0088e+00, 1.9766e+00, 1.1458e-02, 1.1726e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0088e+00, 1.9766e+00, 1.1458e-02, 1.1726e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0203e+00, 1.9707e+00, 1.1271e-02, 1.1555e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0085e+00, 1.9971e+00, 1.9826e+00, 1.1648e-02, 1.1899e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9968e+00, 2.0030e+00, 1.9883e+00, 1.1833e-02, 1.1811e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0152e+00, 1.9644e+00, 1.1084e-02, 1.1631e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 1.9979e+00, 1.9816e+00, 1.1617e-02, 1.1888e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9979e+00, 2.0210e+00, 1.9697e+00, 1.1240e-02, 1.1544e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9915e+00, 2.0153e+00, 1.9815e+00, 1.1612e-02, 1.1883e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0148e+00, 2.0044e+00, 1.9695e+00, 1.1236e-02, 1.1540e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0096e+00, 1.9752e+00, 1.1415e-02, 1.1703e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0096e+00, 1.9752e+00, 1.1415e-02, 1.1703e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9922e+00, 2.0152e+00, 1.9811e+00, 1.1355e-02, 1.1619e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0151e+00, 2.0040e+00, 1.9694e+00, 1.1473e-02, 1.1787e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 1.9984e+00, 1.9813e+00, 1.1353e-02, 1.1616e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0211e+00, 1.9697e+00, 1.1470e-02, 1.1783e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9921e+00, 2.0147e+00, 1.9817e+00, 1.1349e-02, 1.1610e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0149e+00, 2.0035e+00, 1.9700e+00, 1.1467e-02, 1.1778e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0153e+00, 1.9642e+00, 1.1277e-02, 1.1603e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9971e+00, 2.0034e+00, 1.9878e+00, 1.1534e-02, 1.1778e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 2.0038e+00, 1.9703e+00, 1.1222e-02, 1.1522e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9913e+00, 2.0147e+00, 1.9823e+00, 1.1596e-02, 1.1864e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0150e+00, 2.0036e+00, 1.9701e+00, 1.1214e-02, 1.1515e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9918e+00, 2.0145e+00, 1.9820e+00, 1.1588e-02, 1.1856e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0153e+00, 2.0032e+00, 1.9699e+00, 1.1453e-02, 1.2018e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9925e+00, 2.0144e+00, 1.9816e+00, 1.1330e-02, 1.1346e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0204e+00, 1.9703e+00, 1.1450e-02, 1.2001e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0090e+00, 1.9976e+00, 1.9819e+00, 1.1328e-02, 1.1331e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0036e+00, 2.0082e+00, 1.9765e+00, 1.1633e-02, 1.1898e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0039e+00, 2.0085e+00, 1.9763e+00, 1.1142e-02, 1.1391e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0038e+00, 2.0084e+00, 1.9764e+00, 1.1364e-02, 1.1620e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0038e+00, 2.0084e+00, 1.9764e+00, 1.1364e-02, 1.1620e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0099e+00, 2.0145e+00, 1.9644e+00, 1.0997e-02, 1.1285e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0023e+00, 1.9882e+00, 1.1743e-02, 1.1964e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0155e+00, 2.0032e+00, 1.9698e+00, 1.1397e-02, 1.1679e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9928e+00, 2.0144e+00, 1.9814e+00, 1.1280e-02, 1.1514e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9983e+00, 2.0205e+00, 1.9699e+00, 1.1154e-02, 1.1673e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 1.9975e+00, 1.9818e+00, 1.1521e-02, 1.1512e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9980e+00, 2.0206e+00, 1.9699e+00, 1.1390e-02, 1.1677e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0092e+00, 1.9979e+00, 1.9815e+00, 1.1273e-02, 1.1512e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0099e+00, 2.0146e+00, 1.9642e+00, 1.1203e-02, 1.1754e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9979e+00, 2.0027e+00, 1.9878e+00, 1.1453e-02, 1.1427e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9922e+00, 2.0140e+00, 1.9823e+00, 1.1518e-02, 1.1756e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0153e+00, 2.0031e+00, 1.9703e+00, 1.1146e-02, 1.1419e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9928e+00, 2.0139e+00, 1.9819e+00, 1.1265e-02, 1.1497e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0156e+00, 2.0027e+00, 1.9702e+00, 1.1381e-02, 1.1662e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9981e+00, 2.0198e+00, 1.9705e+00, 1.1378e-02, 1.1658e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0093e+00, 1.9972e+00, 1.9821e+00, 1.1262e-02, 1.1494e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0097e+00, 1.9965e+00, 1.9825e+00, 1.1256e-02, 1.1244e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9985e+00, 2.0192e+00, 1.9708e+00, 1.1378e-02, 1.1907e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0103e+00, 2.0132e+00, 1.9652e+00, 1.1187e-02, 1.1466e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9984e+00, 2.0013e+00, 1.9887e+00, 1.1441e-02, 1.1638e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0043e+00, 2.0072e+00, 1.9771e+00, 1.1318e-02, 1.1805e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0043e+00, 2.0072e+00, 1.9771e+00, 1.1313e-02, 1.1307e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0104e+00, 2.0133e+00, 1.9652e+00, 1.0951e-02, 1.1221e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9982e+00, 2.0011e+00, 1.9890e+00, 1.1691e-02, 1.1894e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0160e+00, 2.0020e+00, 1.9705e+00, 1.1348e-02, 1.1612e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9933e+00, 2.0132e+00, 1.9822e+00, 1.1232e-02, 1.1447e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0040e+00, 2.0076e+00, 1.9767e+00, 1.1535e-02, 1.2035e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0044e+00, 2.0080e+00, 1.9765e+00, 1.1045e-02, 1.1039e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0044e+00, 2.0080e+00, 1.9765e+00, 1.1027e-02, 1.1237e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0040e+00, 2.0077e+00, 1.9767e+00, 1.1511e-02, 1.1735e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 2.0192e+00, 1.9708e+00, 1.1304e-02, 1.1544e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0098e+00, 1.9965e+00, 1.9824e+00, 1.1188e-02, 1.1381e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0045e+00, 2.0072e+00, 1.9769e+00, 1.1243e-02, 1.1458e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0045e+00, 2.0072e+00, 1.9769e+00, 1.1243e-02, 1.1458e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0105e+00, 2.0132e+00, 1.9651e+00, 1.1117e-02, 1.1373e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 2.0013e+00, 1.9886e+00, 1.1369e-02, 1.1543e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0106e+00, 2.0133e+00, 1.9652e+00, 1.0885e-02, 1.1372e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9983e+00, 2.0011e+00, 1.9889e+00, 1.1615e-02, 1.1547e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9994e+00, 2.0190e+00, 1.9704e+00, 1.1038e-02, 1.1288e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0103e+00, 1.9960e+00, 1.9822e+00, 1.1405e-02, 1.1621e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0108e+00, 2.0140e+00, 1.9642e+00, 1.0857e-02, 1.1362e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 2.0018e+00, 1.9879e+00, 1.1585e-02, 1.1536e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9991e+00, 2.0024e+00, 1.9870e+00, 1.1318e-02, 1.1528e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 2.0142e+00, 1.9636e+00, 1.1067e-02, 1.1358e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9934e+00, 2.0136e+00, 1.9816e+00, 1.1379e-02, 1.1612e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0164e+00, 2.0028e+00, 1.9697e+00, 1.1013e-02, 1.1280e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 2.0141e+00, 1.9635e+00, 1.0831e-02, 1.1352e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9993e+00, 2.0019e+00, 1.9872e+00, 1.1557e-02, 1.1526e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0059e+00, 2.0085e+00, 1.9745e+00, 1.0930e-02, 1.1189e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0055e+00, 2.0081e+00, 1.9748e+00, 1.1409e-02, 1.1684e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0145e+00, 1.9628e+00, 1.0791e-02, 1.1327e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9996e+00, 2.0023e+00, 1.9865e+00, 1.1514e-02, 1.1500e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0175e+00, 2.0033e+00, 1.9681e+00, 1.0946e-02, 1.1244e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9945e+00, 2.0141e+00, 1.9799e+00, 1.1309e-02, 1.1575e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0124e+00, 2.0145e+00, 1.9620e+00, 1.0998e-02, 1.1564e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0005e+00, 2.0026e+00, 1.9855e+00, 1.1243e-02, 1.1244e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0082e+00, 1.9742e+00, 1.1364e-02, 1.1648e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0085e+00, 1.9740e+00, 1.0888e-02, 1.1155e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9969e+00, 1.9800e+00, 1.1286e-02, 1.1545e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0198e+00, 1.9682e+00, 1.0924e-02, 1.1214e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9739e+00, 1.1099e-02, 1.1374e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9739e+00, 1.1099e-02, 1.1374e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9739e+00, 1.1099e-02, 1.1374e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9739e+00, 1.1099e-02, 1.1374e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0033e+00, 1.9680e+00, 1.0920e-02, 1.1210e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9946e+00, 2.0141e+00, 1.9799e+00, 1.1282e-02, 1.1540e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0178e+00, 2.0030e+00, 1.9680e+00, 1.1153e-02, 1.1698e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9952e+00, 2.0141e+00, 1.9796e+00, 1.1035e-02, 1.1049e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9944e+00, 2.0142e+00, 1.9800e+00, 1.1272e-02, 1.1518e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0174e+00, 2.0034e+00, 1.9682e+00, 1.0911e-02, 1.1189e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9950e+00, 2.0142e+00, 1.9797e+00, 1.1026e-02, 1.1028e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0031e+00, 1.9681e+00, 1.1144e-02, 1.1675e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 1.9974e+00, 1.9801e+00, 1.1264e-02, 1.1496e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0203e+00, 1.9683e+00, 1.0902e-02, 1.1167e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0092e+00, 1.9740e+00, 1.1080e-02, 1.1572e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0092e+00, 1.9740e+00, 1.1075e-02, 1.1087e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0169e+00, 2.0036e+00, 1.9682e+00, 1.1136e-02, 1.1653e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9943e+00, 2.0147e+00, 1.9799e+00, 1.1018e-02, 1.1007e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0049e+00, 2.0093e+00, 1.9744e+00, 1.1316e-02, 1.1807e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0052e+00, 2.0096e+00, 1.9742e+00, 1.0838e-02, 1.0834e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9992e+00, 2.0036e+00, 1.9860e+00, 1.1176e-02, 1.1113e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 2.0154e+00, 1.9626e+00, 1.0934e-02, 1.1428e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9988e+00, 2.0033e+00, 1.9864e+00, 1.1423e-02, 1.1597e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 2.0154e+00, 1.9628e+00, 1.0703e-02, 1.0944e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 2.0157e+00, 1.9621e+00, 1.0683e-02, 1.0926e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9992e+00, 2.0036e+00, 1.9857e+00, 1.1402e-02, 1.1578e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9995e+00, 2.0039e+00, 1.9851e+00, 1.1379e-02, 1.1315e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 2.0161e+00, 1.9614e+00, 1.0667e-02, 1.1144e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0105e+00, 1.9726e+00, 1.0765e-02, 1.0754e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0057e+00, 2.0101e+00, 1.9728e+00, 1.1239e-02, 1.1718e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0162e+00, 1.9609e+00, 1.0857e-02, 1.1103e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0000e+00, 2.0044e+00, 1.9843e+00, 1.1103e-02, 1.1269e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 1.9989e+00, 1.9788e+00, 1.0928e-02, 1.1110e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0002e+00, 2.0213e+00, 1.9673e+00, 1.1039e-02, 1.1267e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9982e+00, 1.9791e+00, 1.0925e-02, 1.1105e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0207e+00, 1.9676e+00, 1.1036e-02, 1.1262e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0088e+00, 1.9737e+00, 1.0975e-02, 1.0943e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0088e+00, 1.9737e+00, 1.0980e-02, 1.1421e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0005e+00, 2.0029e+00, 1.9853e+00, 1.1098e-02, 1.1024e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 2.0147e+00, 1.9620e+00, 1.0857e-02, 1.1335e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9740e+00, 1.0981e-02, 1.1174e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9740e+00, 1.0981e-02, 1.1174e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9740e+00, 1.0983e-02, 1.1416e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0087e+00, 1.9740e+00, 1.0978e-02, 1.0938e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9974e+00, 1.9798e+00, 1.0922e-02, 1.0861e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0199e+00, 1.9683e+00, 1.1039e-02, 1.1495e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 1.9965e+00, 1.9803e+00, 1.1157e-02, 1.1318e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0194e+00, 1.9685e+00, 1.0800e-02, 1.0996e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0085e+00, 1.9741e+00, 1.0739e-02, 1.0684e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0081e+00, 1.9743e+00, 1.1212e-02, 1.1640e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0083e+00, 1.9742e+00, 1.0951e-02, 1.0879e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0083e+00, 1.9742e+00, 1.0956e-02, 1.1353e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0081e+00, 1.9743e+00, 1.1192e-02, 1.1599e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0085e+00, 1.9741e+00, 1.0720e-02, 1.0647e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9952e+00, 2.0139e+00, 1.9800e+00, 1.0877e-02, 1.0764e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0028e+00, 1.9684e+00, 1.0992e-02, 1.1393e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0147e+00, 1.9627e+00, 1.0585e-02, 1.0975e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9998e+00, 2.0026e+00, 1.9862e+00, 1.1289e-02, 1.1142e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9949e+00, 2.0145e+00, 1.9796e+00, 1.0857e-02, 1.0976e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0174e+00, 2.0034e+00, 1.9681e+00, 1.0968e-02, 1.1132e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0094e+00, 1.9740e+00, 1.0681e-02, 1.0816e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0055e+00, 2.0090e+00, 1.9742e+00, 1.1145e-02, 1.1290e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0151e+00, 1.9624e+00, 1.0771e-02, 1.0951e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9998e+00, 2.0034e+00, 1.9857e+00, 1.1014e-02, 1.1113e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0055e+00, 2.0091e+00, 1.9744e+00, 1.0895e-02, 1.1034e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0055e+00, 2.0091e+00, 1.9744e+00, 1.0895e-02, 1.1034e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0000e+00, 2.0202e+00, 1.9687e+00, 1.0953e-02, 1.1351e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 1.9978e+00, 1.9802e+00, 1.0838e-02, 1.0726e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0084e+00, 1.9747e+00, 1.0892e-02, 1.1016e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0084e+00, 1.9747e+00, 1.0892e-02, 1.1016e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0196e+00, 1.9690e+00, 1.0947e-02, 1.1093e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9972e+00, 1.9805e+00, 1.0837e-02, 1.0939e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0078e+00, 1.9750e+00, 1.0891e-02, 1.1249e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0078e+00, 1.9750e+00, 1.0887e-02, 1.0780e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9966e+00, 1.9808e+00, 1.0831e-02, 1.0704e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0190e+00, 1.9693e+00, 1.0946e-02, 1.1327e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0072e+00, 1.9754e+00, 1.0886e-02, 1.0995e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0072e+00, 1.9754e+00, 1.0886e-02, 1.0995e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0186e+00, 1.9695e+00, 1.0711e-02, 1.0837e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9958e+00, 1.9812e+00, 1.1063e-02, 1.1154e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0017e+00, 1.9868e+00, 1.1000e-02, 1.0838e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0134e+00, 1.9635e+00, 1.0763e-02, 1.1144e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9960e+00, 1.9813e+00, 1.1061e-02, 1.1146e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0187e+00, 1.9696e+00, 1.0709e-02, 1.0829e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0075e+00, 1.9754e+00, 1.1113e-02, 1.1220e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0079e+00, 1.9752e+00, 1.0651e-02, 1.0750e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9965e+00, 1.9811e+00, 1.0806e-02, 1.0887e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0005e+00, 2.0189e+00, 1.9696e+00, 1.0916e-02, 1.1041e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0071e+00, 1.9756e+00, 1.0858e-02, 1.0960e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0071e+00, 1.9756e+00, 1.0858e-02, 1.0960e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9959e+00, 1.9814e+00, 1.0803e-02, 1.0883e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0183e+00, 1.9699e+00, 1.0913e-02, 1.1037e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0066e+00, 1.9759e+00, 1.0856e-02, 1.0957e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0066e+00, 1.9759e+00, 1.0856e-02, 1.0957e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 2.0126e+00, 1.9641e+00, 1.0510e-02, 1.0646e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0006e+00, 1.9876e+00, 1.1211e-02, 1.1276e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0067e+00, 1.9753e+00, 1.1070e-02, 1.1415e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0071e+00, 2.0071e+00, 1.9751e+00, 1.0606e-02, 1.0482e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0123e+00, 1.9811e+00, 1.0993e-02, 1.1059e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0183e+00, 2.0016e+00, 1.9694e+00, 1.0644e-02, 1.0746e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0133e+00, 2.0128e+00, 1.9633e+00, 1.0471e-02, 1.0816e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0008e+00, 1.9867e+00, 1.1164e-02, 1.0979e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0131e+00, 1.9959e+00, 1.9802e+00, 1.0737e-02, 1.0590e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0021e+00, 2.0182e+00, 1.9687e+00, 1.0851e-02, 1.1205e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0134e+00, 1.9953e+00, 1.9805e+00, 1.0734e-02, 1.0574e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0177e+00, 1.9690e+00, 1.0848e-02, 1.1189e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9969e+00, 2.0115e+00, 1.9808e+00, 1.0732e-02, 1.0560e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0193e+00, 2.0005e+00, 1.9693e+00, 1.0845e-02, 1.1173e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0064e+00, 1.9752e+00, 1.0557e-02, 1.0394e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0061e+00, 1.9754e+00, 1.1019e-02, 1.1318e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0176e+00, 1.9695e+00, 1.0595e-02, 1.0656e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9949e+00, 1.9812e+00, 1.0942e-02, 1.0966e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0187e+00, 2.0013e+00, 1.9693e+00, 1.0590e-02, 1.0651e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9960e+00, 2.0120e+00, 1.9810e+00, 1.0937e-02, 1.0961e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0066e+00, 1.9749e+00, 1.0530e-02, 1.0351e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0063e+00, 1.9751e+00, 1.0991e-02, 1.1271e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 2.0125e+00, 1.9632e+00, 1.0399e-02, 1.0461e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0017e+00, 2.0005e+00, 1.9866e+00, 1.1091e-02, 1.1079e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0082e+00, 2.0070e+00, 1.9742e+00, 1.0495e-02, 1.0302e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0066e+00, 1.9745e+00, 1.0954e-02, 1.1217e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0134e+00, 1.9954e+00, 1.9802e+00, 1.0875e-02, 1.0641e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0181e+00, 1.9685e+00, 1.0535e-02, 1.0788e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0071e+00, 1.9742e+00, 1.0700e-02, 1.0716e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0071e+00, 1.9742e+00, 1.0700e-02, 1.0716e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0081e+00, 2.0073e+00, 1.9741e+00, 1.0474e-02, 1.0270e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0069e+00, 1.9743e+00, 1.0931e-02, 1.1182e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0021e+00, 2.0013e+00, 1.9857e+00, 1.0800e-02, 1.0759e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 2.0130e+00, 1.9626e+00, 1.0564e-02, 1.0603e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0181e+00, 1.9688e+00, 1.0741e-02, 1.0988e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0133e+00, 1.9958e+00, 1.9802e+00, 1.0629e-02, 1.0386e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0177e+00, 1.9689e+00, 1.0511e-02, 1.0516e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0134e+00, 1.9950e+00, 1.9806e+00, 1.0855e-02, 1.0822e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0134e+00, 1.9955e+00, 1.9804e+00, 1.0621e-02, 1.0367e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0179e+00, 1.9689e+00, 1.0734e-02, 1.0968e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0142e+00, 2.0122e+00, 1.9632e+00, 1.0336e-02, 1.0348e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0002e+00, 1.9865e+00, 1.1023e-02, 1.0958e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 2.0124e+00, 1.9627e+00, 1.0539e-02, 1.0555e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0026e+00, 2.0007e+00, 1.9858e+00, 1.0775e-02, 1.0711e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0083e+00, 2.0063e+00, 1.9746e+00, 1.0660e-02, 1.0635e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0083e+00, 2.0063e+00, 1.9746e+00, 1.0660e-02, 1.0635e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 1.9950e+00, 1.9804e+00, 1.0830e-02, 1.0562e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0176e+00, 1.9688e+00, 1.0492e-02, 1.0708e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0142e+00, 2.0127e+00, 1.9627e+00, 1.0320e-02, 1.0558e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0007e+00, 1.9860e+00, 1.1001e-02, 1.0717e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0180e+00, 1.9682e+00, 1.0692e-02, 1.0708e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0140e+00, 1.9957e+00, 1.9796e+00, 1.0585e-02, 1.0559e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0029e+00, 2.0006e+00, 1.9856e+00, 1.0754e-02, 1.0707e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0146e+00, 2.0123e+00, 1.9625e+00, 1.0519e-02, 1.0552e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9972e+00, 2.0116e+00, 1.9803e+00, 1.0809e-02, 1.0559e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0198e+00, 2.0010e+00, 1.9686e+00, 1.0472e-02, 1.0704e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0148e+00, 2.0122e+00, 1.9626e+00, 1.0299e-02, 1.0333e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0028e+00, 2.0001e+00, 1.9859e+00, 1.0983e-02, 1.0941e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0033e+00, 2.0006e+00, 1.9852e+00, 1.0737e-02, 1.0696e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0149e+00, 2.0123e+00, 1.9622e+00, 1.0502e-02, 1.0540e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0176e+00, 1.9682e+00, 1.0455e-02, 1.0693e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 1.9949e+00, 1.9799e+00, 1.0792e-02, 1.0548e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0033e+00, 2.0177e+00, 1.9682e+00, 1.0674e-02, 1.0925e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 1.9954e+00, 1.9796e+00, 1.0562e-02, 1.0328e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0038e+00, 2.0173e+00, 1.9684e+00, 1.0448e-02, 1.0680e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0144e+00, 1.9947e+00, 1.9800e+00, 1.0785e-02, 1.0535e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0117e+00, 1.9798e+00, 1.0782e-02, 1.0762e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0202e+00, 2.0011e+00, 1.9682e+00, 1.0441e-02, 1.0459e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0039e+00, 2.0175e+00, 1.9681e+00, 1.0440e-02, 1.0679e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 1.9949e+00, 1.9797e+00, 1.0776e-02, 1.0534e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 2.0064e+00, 1.9739e+00, 1.0829e-02, 1.0837e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0092e+00, 2.0067e+00, 1.9736e+00, 1.0382e-02, 1.0385e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0090e+00, 2.0065e+00, 1.9737e+00, 1.0584e-02, 1.0371e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0090e+00, 2.0065e+00, 1.9737e+00, 1.0589e-02, 1.0818e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0201e+00, 2.0011e+00, 1.9681e+00, 1.0642e-02, 1.0893e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9979e+00, 2.0120e+00, 1.9795e+00, 1.0531e-02, 1.0298e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9971e+00, 2.0122e+00, 1.9799e+00, 1.0754e-02, 1.0727e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0197e+00, 2.0016e+00, 1.9683e+00, 1.0415e-02, 1.0425e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0007e+00, 1.9855e+00, 1.0924e-02, 1.0878e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0147e+00, 2.0127e+00, 1.9622e+00, 1.0245e-02, 1.0274e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 1.9957e+00, 1.9792e+00, 1.0732e-02, 1.0486e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0183e+00, 1.9676e+00, 1.0397e-02, 1.0630e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 2.0073e+00, 1.9732e+00, 1.0562e-02, 1.0785e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 2.0073e+00, 1.9732e+00, 1.0557e-02, 1.0339e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9977e+00, 2.0128e+00, 1.9789e+00, 1.0507e-02, 1.0486e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0199e+00, 2.0018e+00, 1.9676e+00, 1.0612e-02, 1.0633e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0141e+00, 2.0134e+00, 1.9620e+00, 1.0443e-02, 1.0701e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0018e+00, 1.9850e+00, 1.0671e-02, 1.0411e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0021e+00, 2.0014e+00, 1.9855e+00, 1.0901e-02, 1.0630e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0141e+00, 2.0134e+00, 1.9622e+00, 1.0229e-02, 1.0472e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0189e+00, 1.9675e+00, 1.0377e-02, 1.0398e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 1.9964e+00, 1.9792e+00, 1.0715e-02, 1.0699e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0021e+00, 1.9847e+00, 1.0657e-02, 1.0621e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0141e+00, 2.0138e+00, 1.9617e+00, 1.0425e-02, 1.0467e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0082e+00, 2.0079e+00, 1.9734e+00, 1.0323e-02, 1.0110e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0076e+00, 1.9736e+00, 1.0771e-02, 1.1002e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0191e+00, 2.0023e+00, 1.9678e+00, 1.0583e-02, 1.0812e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9969e+00, 2.0133e+00, 1.9792e+00, 1.0473e-02, 1.0223e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0186e+00, 2.0026e+00, 1.9681e+00, 1.0580e-02, 1.0796e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9964e+00, 2.0135e+00, 1.9795e+00, 1.0470e-02, 1.0208e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9958e+00, 2.0138e+00, 1.9798e+00, 1.0467e-02, 1.0193e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0180e+00, 2.0029e+00, 1.9684e+00, 1.0577e-02, 1.0781e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0196e+00, 1.9687e+00, 1.0574e-02, 1.0766e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 1.9975e+00, 1.9801e+00, 1.0464e-02, 1.0180e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0021e+00, 1.9862e+00, 1.0858e-02, 1.0755e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0127e+00, 2.0140e+00, 1.9630e+00, 1.0185e-02, 1.0160e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0070e+00, 2.0083e+00, 1.9741e+00, 1.0500e-02, 1.0439e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0070e+00, 2.0083e+00, 1.9741e+00, 1.0500e-02, 1.0439e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 2.0141e+00, 1.9626e+00, 1.0385e-02, 1.0363e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0025e+00, 1.9856e+00, 1.0616e-02, 1.0515e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0081e+00, 1.9744e+00, 1.0503e-02, 1.0441e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0081e+00, 1.9744e+00, 1.0503e-02, 1.0441e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0180e+00, 2.0029e+00, 1.9686e+00, 1.0339e-02, 1.0512e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0135e+00, 1.9802e+00, 1.0670e-02, 1.0370e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0181e+00, 2.0026e+00, 1.9686e+00, 1.0552e-02, 1.0515e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9960e+00, 2.0135e+00, 1.9800e+00, 1.0447e-02, 1.0370e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0028e+00, 1.9689e+00, 1.0549e-02, 1.0512e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9954e+00, 2.0138e+00, 1.9803e+00, 1.0444e-02, 1.0367e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0196e+00, 1.9692e+00, 1.0549e-02, 1.0732e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9974e+00, 1.9805e+00, 1.0440e-02, 1.0148e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0138e+00, 1.9636e+00, 1.0377e-02, 1.0345e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0022e+00, 1.9865e+00, 1.0607e-02, 1.0497e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9967e+00, 1.9811e+00, 1.0439e-02, 1.0135e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0189e+00, 1.9697e+00, 1.0549e-02, 1.0718e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0185e+00, 1.9699e+00, 1.0327e-02, 1.0478e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9960e+00, 1.9815e+00, 1.0658e-02, 1.0337e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0187e+00, 1.9698e+00, 1.0321e-02, 1.0262e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9962e+00, 1.9813e+00, 1.0656e-02, 1.0558e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0078e+00, 1.9754e+00, 1.0484e-02, 1.0406e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0078e+00, 1.9754e+00, 1.0484e-02, 1.0406e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0136e+00, 1.9639e+00, 1.0371e-02, 1.0550e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0005e+00, 2.0020e+00, 1.9868e+00, 1.0597e-02, 1.0264e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0019e+00, 1.9871e+00, 1.0599e-02, 1.0260e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0134e+00, 1.9642e+00, 1.0374e-02, 1.0546e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0073e+00, 1.9760e+00, 1.0711e-02, 1.0622e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0077e+00, 1.9758e+00, 1.0271e-02, 1.0182e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0187e+00, 1.9702e+00, 1.0307e-02, 1.0237e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 1.9963e+00, 1.9817e+00, 1.0641e-02, 1.0532e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0169e+00, 2.0024e+00, 1.9701e+00, 1.0524e-02, 1.0674e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9947e+00, 2.0133e+00, 1.9815e+00, 1.0415e-02, 1.0094e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9941e+00, 2.0133e+00, 1.9818e+00, 1.0633e-02, 1.0297e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0166e+00, 2.0028e+00, 1.9703e+00, 1.0303e-02, 1.0438e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0055e+00, 2.0077e+00, 1.9760e+00, 1.0686e-02, 1.0815e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0081e+00, 1.9758e+00, 1.0243e-02, 9.9418e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 2.0022e+00, 1.9873e+00, 1.0558e-02, 1.0196e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 2.0137e+00, 1.9644e+00, 1.0334e-02, 1.0480e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0190e+00, 1.9704e+00, 1.0283e-02, 1.0188e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0109e+00, 1.9965e+00, 1.9819e+00, 1.0616e-02, 1.0482e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0054e+00, 2.0080e+00, 1.9760e+00, 1.0445e-02, 1.0331e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0054e+00, 2.0080e+00, 1.9760e+00, 1.0445e-02, 1.0331e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 2.0140e+00, 1.9644e+00, 1.0117e-02, 1.0042e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9995e+00, 2.0021e+00, 1.9875e+00, 1.0783e-02, 1.0628e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0059e+00, 2.0085e+00, 1.9753e+00, 1.0212e-02, 1.0101e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0082e+00, 1.9755e+00, 1.0649e-02, 1.0536e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0057e+00, 2.0083e+00, 1.9754e+00, 1.0413e-02, 1.0301e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0057e+00, 2.0083e+00, 1.9754e+00, 1.0413e-02, 1.0301e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0082e+00, 1.9755e+00, 1.0635e-02, 1.0743e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0059e+00, 2.0085e+00, 1.9753e+00, 1.0195e-02, 9.8767e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0193e+00, 1.9698e+00, 1.0451e-02, 1.0559e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9973e+00, 1.9811e+00, 1.0343e-02, 9.9872e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0060e+00, 2.0078e+00, 1.9757e+00, 1.0396e-02, 1.0472e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0060e+00, 2.0078e+00, 1.9757e+00, 1.0392e-02, 1.0043e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0171e+00, 2.0024e+00, 1.9700e+00, 1.0446e-02, 1.0326e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9949e+00, 2.0132e+00, 1.9814e+00, 1.0342e-02, 1.0184e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9943e+00, 2.0133e+00, 1.9817e+00, 1.0558e-02, 1.0397e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0167e+00, 2.0028e+00, 1.9702e+00, 1.0228e-02, 1.0107e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0190e+00, 1.9700e+00, 1.0223e-02, 1.0103e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9966e+00, 1.9815e+00, 1.0554e-02, 1.0393e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0139e+00, 1.9642e+00, 1.0272e-02, 1.0385e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0000e+00, 2.0024e+00, 1.9870e+00, 1.0495e-02, 1.0105e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0139e+00, 1.9643e+00, 1.0062e-02, 1.0165e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9997e+00, 2.0021e+00, 1.9874e+00, 1.0719e-02, 1.0317e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0171e+00, 2.0030e+00, 1.9696e+00, 1.0209e-02, 1.0307e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9947e+00, 2.0136e+00, 1.9811e+00, 1.0534e-02, 1.0168e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0139e+00, 1.9637e+00, 1.0253e-02, 1.0165e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0024e+00, 1.9866e+00, 1.0480e-02, 1.0313e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9968e+00, 1.9812e+00, 1.0533e-02, 1.0172e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0192e+00, 1.9697e+00, 1.0207e-02, 1.0310e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9949e+00, 2.0137e+00, 1.9810e+00, 1.0314e-02, 1.0171e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 2.0028e+00, 1.9697e+00, 1.0417e-02, 1.0313e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0053e+00, 2.0083e+00, 1.9757e+00, 1.0582e-02, 1.0457e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0086e+00, 1.9755e+00, 1.0149e-02, 1.0026e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9997e+00, 2.0027e+00, 1.9869e+00, 1.0461e-02, 1.0298e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 2.0142e+00, 1.9641e+00, 1.0235e-02, 1.0150e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0165e+00, 2.0031e+00, 1.9701e+00, 1.0187e-02, 1.0082e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9941e+00, 2.0136e+00, 1.9816e+00, 1.0516e-02, 1.0371e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0141e+00, 1.9641e+00, 1.0024e-02, 1.0146e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9998e+00, 2.0023e+00, 1.9871e+00, 1.0677e-02, 1.0297e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9973e+00, 1.9809e+00, 1.0496e-02, 1.0364e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0196e+00, 1.9694e+00, 1.0168e-02, 1.0075e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 2.0028e+00, 1.9865e+00, 1.0658e-02, 1.0291e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 2.0146e+00, 1.9635e+00, 1.0006e-02, 1.0140e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0173e+00, 2.0037e+00, 1.9688e+00, 1.0152e-02, 1.0281e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9949e+00, 2.0142e+00, 1.9803e+00, 1.0476e-02, 1.0143e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9976e+00, 1.9801e+00, 1.0472e-02, 1.0145e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0200e+00, 1.9686e+00, 1.0148e-02, 1.0283e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0090e+00, 1.9743e+00, 1.0306e-02, 1.0215e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0090e+00, 1.9743e+00, 1.0306e-02, 1.0215e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9951e+00, 2.0143e+00, 1.9800e+00, 1.0471e-02, 1.0360e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0174e+00, 2.0038e+00, 1.9685e+00, 1.0144e-02, 1.0071e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0087e+00, 1.9742e+00, 1.0519e-02, 1.0428e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0091e+00, 1.9740e+00, 1.0090e-02, 9.9990e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9954e+00, 2.0142e+00, 1.9799e+00, 1.0452e-02, 1.0341e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0177e+00, 2.0037e+00, 1.9684e+00, 1.0125e-02, 1.0053e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 2.0145e+00, 1.9625e+00, 1.0171e-02, 1.0119e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0031e+00, 1.9853e+00, 1.0396e-02, 1.0267e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0088e+00, 1.9742e+00, 1.0074e-02, 9.9830e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0085e+00, 1.9744e+00, 1.0503e-02, 1.0411e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0027e+00, 1.9857e+00, 1.0602e-02, 1.0471e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0127e+00, 2.0146e+00, 1.9627e+00, 9.9502e-03, 9.8967e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 2.0147e+00, 1.9623e+00, 1.0146e-02, 1.0094e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0032e+00, 1.9851e+00, 1.0370e-02, 1.0241e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0030e+00, 1.9854e+00, 1.0370e-02, 1.0032e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 2.0145e+00, 1.9626e+00, 1.0151e-02, 1.0309e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0029e+00, 1.9857e+00, 1.0376e-02, 1.0239e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0124e+00, 2.0143e+00, 1.9630e+00, 1.0152e-02, 1.0093e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0083e+00, 1.9748e+00, 1.0483e-02, 1.0384e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0086e+00, 1.9746e+00, 1.0055e-02, 9.9568e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0084e+00, 1.9747e+00, 1.0250e-02, 9.9440e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0084e+00, 1.9747e+00, 1.0254e-02, 1.0367e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0125e+00, 2.0144e+00, 1.9632e+00, 9.9315e-03, 9.8706e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0026e+00, 1.9861e+00, 1.0582e-02, 1.0443e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0030e+00, 1.9855e+00, 1.0347e-02, 1.0003e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 2.0145e+00, 1.9628e+00, 1.0129e-02, 1.0279e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 1.9975e+00, 1.9801e+00, 1.0188e-02, 9.8595e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0195e+00, 1.9689e+00, 1.0294e-02, 1.0421e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0021e+00, 1.9862e+00, 1.0565e-02, 1.0197e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 2.0139e+00, 1.9632e+00, 9.9204e-03, 1.0048e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0025e+00, 1.9856e+00, 1.0336e-02, 1.0192e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 2.0140e+00, 1.9629e+00, 1.0113e-02, 1.0047e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0018e+00, 2.0192e+00, 1.9689e+00, 1.0068e-02, 1.0190e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 1.9969e+00, 1.9803e+00, 1.0388e-02, 1.0053e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0015e+00, 2.0192e+00, 1.9689e+00, 1.0277e-02, 1.0407e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 1.9973e+00, 1.9801e+00, 1.0171e-02, 9.8460e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0072e+00, 2.0078e+00, 1.9747e+00, 1.0222e-02, 1.0109e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0072e+00, 2.0078e+00, 1.9747e+00, 1.0222e-02, 1.0109e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0018e+00, 2.0187e+00, 1.9691e+00, 1.0274e-02, 1.0392e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 1.9967e+00, 1.9804e+00, 1.0169e-02, 9.8325e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0132e+00, 2.0130e+00, 1.9636e+00, 1.0108e-02, 1.0023e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0017e+00, 2.0015e+00, 1.9863e+00, 1.0330e-02, 1.0168e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0071e+00, 2.0069e+00, 1.9754e+00, 1.0439e-02, 1.0528e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0073e+00, 1.9752e+00, 1.0010e-02, 9.6843e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0184e+00, 2.0019e+00, 1.9696e+00, 1.0049e-02, 1.0136e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9961e+00, 2.0124e+00, 1.9810e+00, 1.0367e-02, 1.0000e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9965e+00, 2.0124e+00, 1.9808e+00, 1.0151e-02, 9.7944e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0185e+00, 2.0016e+00, 1.9696e+00, 1.0256e-02, 1.0352e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 1.9961e+00, 1.9812e+00, 1.0364e-02, 1.0199e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0018e+00, 2.0183e+00, 1.9697e+00, 1.0041e-02, 9.9156e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0178e+00, 2.0021e+00, 1.9697e+00, 1.0250e-02, 1.0335e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9959e+00, 2.0129e+00, 1.9809e+00, 1.0145e-02, 9.7786e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0020e+00, 1.9869e+00, 1.0304e-02, 9.9046e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0135e+00, 1.9642e+00, 1.0087e-02, 1.0178e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9965e+00, 1.9816e+00, 1.0358e-02, 9.9698e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0187e+00, 1.9701e+00, 1.0040e-02, 1.0105e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0137e+00, 1.9642e+00, 9.8769e-03, 9.7602e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0020e+00, 1.9871e+00, 1.0521e-02, 1.0325e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0138e+00, 1.9638e+00, 1.0072e-02, 1.0163e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0024e+00, 1.9865e+00, 1.0288e-02, 9.8902e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9951e+00, 2.0132e+00, 1.9812e+00, 1.0344e-02, 1.0164e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0174e+00, 2.0027e+00, 1.9698e+00, 1.0023e-02, 9.8824e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 2.0136e+00, 1.9639e+00, 1.0068e-02, 9.9471e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0021e+00, 1.9866e+00, 1.0289e-02, 1.0091e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0188e+00, 1.9699e+00, 1.0023e-02, 1.0088e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9966e+00, 1.9813e+00, 1.0341e-02, 9.9533e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0138e+00, 1.9640e+00, 9.8611e-03, 9.7441e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0005e+00, 2.0021e+00, 1.9869e+00, 1.0504e-02, 1.0307e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9970e+00, 1.9807e+00, 1.0323e-02, 9.9423e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0193e+00, 1.9693e+00, 1.0006e-02, 1.0077e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9972e+00, 1.9806e+00, 1.0322e-02, 1.0152e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0195e+00, 1.9692e+00, 1.0001e-02, 9.8708e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0175e+00, 2.0034e+00, 1.9690e+00, 1.0001e-02, 1.0075e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9952e+00, 2.0138e+00, 1.9805e+00, 1.0317e-02, 9.9407e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0028e+00, 1.9859e+00, 1.0264e-02, 1.0081e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0124e+00, 2.0142e+00, 1.9632e+00, 1.0044e-02, 9.9377e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0124e+00, 2.0142e+00, 1.9634e+00, 9.8429e-03, 9.9380e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0025e+00, 1.9863e+00, 1.0480e-02, 1.0085e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0027e+00, 1.9858e+00, 1.0466e-02, 1.0082e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0127e+00, 2.0145e+00, 1.9630e+00, 9.8301e-03, 9.9350e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0030e+00, 1.9854e+00, 1.0456e-02, 1.0290e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 2.0147e+00, 1.9625e+00, 9.8158e-03, 9.7282e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9961e+00, 2.0143e+00, 1.9793e+00, 1.0277e-02, 9.9272e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0183e+00, 2.0038e+00, 1.9678e+00, 9.9619e-03, 1.0061e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0200e+00, 1.9677e+00, 9.9566e-03, 9.8561e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0127e+00, 1.9978e+00, 1.9791e+00, 1.0276e-02, 1.0137e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0184e+00, 2.0039e+00, 1.9676e+00, 9.9561e-03, 1.0060e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9962e+00, 2.0144e+00, 1.9790e+00, 1.0271e-02, 9.9261e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9964e+00, 2.0143e+00, 1.9789e+00, 1.0268e-02, 9.9275e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0186e+00, 2.0038e+00, 1.9675e+00, 9.9530e-03, 1.0062e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9967e+00, 2.0142e+00, 1.9788e+00, 1.0265e-02, 9.9288e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0188e+00, 2.0037e+00, 1.9674e+00, 9.9501e-03, 1.0063e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0088e+00, 1.9730e+00, 1.0106e-02, 1.0207e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0088e+00, 1.9730e+00, 1.0101e-02, 9.7921e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0190e+00, 2.0036e+00, 1.9673e+00, 9.9472e-03, 1.0064e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9969e+00, 2.0141e+00, 1.9787e+00, 1.0262e-02, 9.9298e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0141e+00, 2.0146e+00, 1.9614e+00, 9.7885e-03, 9.9248e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0029e+00, 1.9843e+00, 1.0422e-02, 1.0071e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0194e+00, 2.0038e+00, 1.9668e+00, 9.9336e-03, 1.0062e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 2.0142e+00, 1.9782e+00, 1.0248e-02, 9.9285e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0140e+00, 1.9979e+00, 1.9780e+00, 1.0037e-02, 9.9282e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 2.0197e+00, 1.9668e+00, 1.0136e-02, 1.0065e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 2.0083e+00, 1.9726e+00, 1.0087e-02, 1.0202e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 2.0083e+00, 1.9726e+00, 1.0083e-02, 9.7886e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0087e+00, 2.0082e+00, 1.9728e+00, 1.0297e-02, 1.0417e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0090e+00, 2.0085e+00, 1.9725e+00, 9.8761e-03, 9.5863e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0141e+00, 1.9972e+00, 1.9784e+00, 1.0230e-02, 1.0106e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0194e+00, 1.9669e+00, 9.9128e-03, 9.8264e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0198e+00, 2.0034e+00, 1.9668e+00, 9.9120e-03, 1.0029e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9977e+00, 2.0138e+00, 1.9783e+00, 1.0225e-02, 9.8961e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0147e+00, 2.0142e+00, 1.9611e+00, 9.9561e-03, 9.8923e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 2.0028e+00, 1.9837e+00, 1.0174e-02, 1.0035e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0036e+00, 2.0193e+00, 1.9671e+00, 9.9108e-03, 9.8272e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0140e+00, 1.9972e+00, 1.9785e+00, 1.0228e-02, 1.0106e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 2.0144e+00, 1.9612e+00, 9.7549e-03, 9.8906e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0028e+00, 2.0026e+00, 1.9841e+00, 1.0385e-02, 1.0036e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9978e+00, 2.0139e+00, 1.9780e+00, 1.0214e-02, 1.0101e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0199e+00, 2.0035e+00, 1.9666e+00, 9.8975e-03, 9.8222e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0039e+00, 2.0196e+00, 1.9665e+00, 9.8949e-03, 9.8200e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 1.9975e+00, 1.9779e+00, 1.0211e-02, 1.0099e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0148e+00, 2.0147e+00, 1.9607e+00, 9.7374e-03, 9.6811e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0029e+00, 1.9835e+00, 1.0370e-02, 1.0239e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0090e+00, 2.0088e+00, 1.9718e+00, 1.0249e-02, 1.0156e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0093e+00, 2.0091e+00, 1.9716e+00, 9.8337e-03, 9.7420e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 1.9981e+00, 1.9773e+00, 9.9761e-03, 9.8657e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0038e+00, 2.0199e+00, 1.9661e+00, 1.0075e-02, 1.0001e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0093e+00, 2.0083e+00, 1.9721e+00, 1.0234e-02, 1.0351e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0096e+00, 2.0086e+00, 1.9719e+00, 9.8163e-03, 9.5267e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0043e+00, 2.0195e+00, 1.9663e+00, 9.8528e-03, 9.7653e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0146e+00, 1.9974e+00, 1.9777e+00, 1.0168e-02, 1.0042e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0035e+00, 2.0028e+00, 1.9833e+00, 1.0326e-02, 1.0181e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0152e+00, 2.0145e+00, 1.9604e+00, 9.6960e-03, 9.6273e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9986e+00, 2.0142e+00, 1.9771e+00, 9.9473e-03, 9.8243e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0204e+00, 2.0035e+00, 1.9659e+00, 1.0045e-02, 9.9592e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0200e+00, 1.9662e+00, 1.0043e-02, 9.9558e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0144e+00, 1.9982e+00, 1.9774e+00, 9.9448e-03, 9.8209e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9983e+00, 2.0140e+00, 1.9777e+00, 9.9425e-03, 9.8177e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0201e+00, 2.0033e+00, 1.9665e+00, 1.0041e-02, 9.9525e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0139e+00, 1.9978e+00, 1.9781e+00, 1.0145e-02, 9.8159e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0035e+00, 2.0199e+00, 1.9667e+00, 9.8352e-03, 9.9478e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9977e+00, 2.0144e+00, 1.9779e+00, 9.9357e-03, 9.6148e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0195e+00, 2.0037e+00, 1.9667e+00, 1.0038e-02, 1.0158e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0083e+00, 2.0094e+00, 1.9724e+00, 9.7786e-03, 9.4691e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0091e+00, 1.9726e+00, 1.0195e-02, 1.0287e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0028e+00, 2.0201e+00, 1.9670e+00, 1.0022e-02, 1.0117e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0135e+00, 1.9984e+00, 1.9781e+00, 9.9197e-03, 9.5761e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 1.9978e+00, 1.9784e+00, 9.9192e-03, 9.7624e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0196e+00, 1.9672e+00, 1.0017e-02, 9.8964e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0195e+00, 2.0029e+00, 1.9675e+00, 1.0015e-02, 9.8932e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9977e+00, 2.0136e+00, 1.9787e+00, 9.9169e-03, 9.7592e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0083e+00, 1.9734e+00, 1.0173e-02, 1.0239e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0083e+00, 2.0086e+00, 1.9732e+00, 9.7584e-03, 9.4247e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0195e+00, 1.9676e+00, 9.7968e-03, 9.8619e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0133e+00, 1.9974e+00, 1.9790e+00, 1.0105e-02, 9.7312e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0030e+00, 1.9845e+00, 1.0055e-02, 9.8676e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 2.0144e+00, 1.9619e+00, 9.8403e-03, 9.7276e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9970e+00, 2.0139e+00, 1.9792e+00, 9.9017e-03, 9.7328e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0187e+00, 2.0032e+00, 1.9680e+00, 9.9995e-03, 9.8664e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0197e+00, 1.9681e+00, 9.7933e-03, 9.6606e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 1.9977e+00, 1.9795e+00, 1.0106e-02, 9.9341e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0183e+00, 2.0038e+00, 1.9680e+00, 9.7908e-03, 9.6585e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9962e+00, 2.0141e+00, 1.9794e+00, 1.0103e-02, 9.9317e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9979e+00, 1.9792e+00, 9.8919e-03, 9.5264e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0197e+00, 1.9680e+00, 9.9935e-03, 1.0064e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0076e+00, 2.0081e+00, 1.9740e+00, 1.0147e-02, 9.9838e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0085e+00, 1.9738e+00, 9.7377e-03, 9.5778e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0083e+00, 1.9739e+00, 9.9273e-03, 9.7658e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0083e+00, 1.9739e+00, 9.9273e-03, 9.7658e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0085e+00, 1.9738e+00, 9.7230e-03, 9.3701e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0076e+00, 2.0081e+00, 1.9740e+00, 1.0136e-02, 1.0178e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0020e+00, 2.0025e+00, 1.9852e+00, 1.0227e-02, 9.8104e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 2.0142e+00, 1.9625e+00, 9.6093e-03, 9.6688e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0085e+00, 1.9735e+00, 9.9032e-03, 9.7372e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0085e+00, 1.9735e+00, 9.9032e-03, 9.7372e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 2.0142e+00, 1.9622e+00, 9.7986e-03, 9.8689e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0029e+00, 1.9847e+00, 1.0008e-02, 9.6066e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0193e+00, 1.9681e+00, 9.7540e-03, 9.7980e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0131e+00, 1.9973e+00, 1.9795e+00, 1.0060e-02, 9.6684e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0188e+00, 2.0034e+00, 1.9680e+00, 9.7516e-03, 9.7991e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9967e+00, 2.0137e+00, 1.9794e+00, 1.0058e-02, 9.6694e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0028e+00, 2.0194e+00, 1.9679e+00, 9.7469e-03, 9.6005e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0132e+00, 1.9974e+00, 1.9793e+00, 1.0057e-02, 9.8718e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0132e+00, 1.9977e+00, 1.9791e+00, 9.8478e-03, 9.4699e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0026e+00, 2.0194e+00, 1.9679e+00, 9.9489e-03, 1.0003e-04],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0081e+00, 2.0081e+00, 1.9738e+00, 9.8961e-03, 9.7205e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0081e+00, 2.0081e+00, 1.9738e+00, 9.8961e-03, 9.7205e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 2.0138e+00, 1.9625e+00, 9.7896e-03, 9.6512e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0025e+00, 2.0025e+00, 1.9850e+00, 1.0003e-02, 9.7896e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0189e+00, 2.0028e+00, 1.9684e+00, 9.7469e-03, 9.7870e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9969e+00, 2.0132e+00, 1.9798e+00, 1.0053e-02, 9.6575e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0082e+00, 2.0079e+00, 1.9740e+00, 9.8964e-03, 9.7235e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0082e+00, 2.0079e+00, 1.9740e+00, 9.8964e-03, 9.7235e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 2.0132e+00, 1.9796e+00, 9.8477e-03, 9.6573e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0190e+00, 2.0026e+00, 1.9684e+00, 9.9447e-03, 9.7895e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9971e+00, 1.9799e+00, 1.0048e-02, 9.6557e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0025e+00, 2.0191e+00, 1.9686e+00, 9.7422e-03, 9.7851e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0193e+00, 1.9685e+00, 9.7377e-03, 9.5869e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 1.9973e+00, 1.9798e+00, 1.0047e-02, 9.8575e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0085e+00, 1.9740e+00, 9.8910e-03, 9.9212e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0085e+00, 1.9740e+00, 9.8869e-03, 9.5214e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9964e+00, 2.0137e+00, 1.9797e+00, 1.0045e-02, 9.8548e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0185e+00, 2.0033e+00, 1.9684e+00, 9.7351e-03, 9.5844e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0025e+00, 2.0193e+00, 1.9683e+00, 9.7342e-03, 9.7809e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9973e+00, 1.9796e+00, 1.0040e-02, 9.6516e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0084e+00, 1.9739e+00, 1.0089e-02, 9.9206e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0087e+00, 1.9737e+00, 9.6826e-03, 9.5183e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0025e+00, 2.0195e+00, 1.9682e+00, 9.7193e-03, 9.7692e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 1.9975e+00, 1.9795e+00, 1.0024e-02, 9.6402e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0195e+00, 1.9682e+00, 9.9186e-03, 9.9745e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9979e+00, 1.9793e+00, 9.8180e-03, 9.4437e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0136e+00, 2.0141e+00, 1.9626e+00, 9.5618e-03, 9.4271e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0020e+00, 2.0024e+00, 1.9853e+00, 1.0179e-02, 9.9661e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0082e+00, 2.0086e+00, 1.9735e+00, 9.6548e-03, 9.4853e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0083e+00, 1.9737e+00, 1.0059e-02, 9.8860e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0190e+00, 2.0033e+00, 1.9679e+00, 9.6895e-03, 9.5374e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9970e+00, 2.0136e+00, 1.9793e+00, 9.9973e-03, 9.8061e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0029e+00, 2.0191e+00, 1.9680e+00, 9.8897e-03, 9.9363e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0136e+00, 1.9975e+00, 1.9791e+00, 9.7895e-03, 9.4078e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 1.9970e+00, 1.9793e+00, 9.7891e-03, 9.5908e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 2.0186e+00, 1.9682e+00, 9.8854e-03, 9.7219e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0144e+00, 2.0131e+00, 1.9627e+00, 9.7318e-03, 9.7838e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0017e+00, 1.9852e+00, 9.9389e-03, 9.5245e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0029e+00, 2.0016e+00, 1.9855e+00, 9.9438e-03, 9.7184e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0142e+00, 2.0129e+00, 1.9631e+00, 9.7327e-03, 9.5814e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0179e+00, 1.9691e+00, 9.8890e-03, 9.7172e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 1.9962e+00, 1.9802e+00, 9.7926e-03, 9.5861e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0140e+00, 1.9957e+00, 1.9804e+00, 9.7887e-03, 9.3887e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0033e+00, 2.0174e+00, 1.9693e+00, 9.8890e-03, 9.9159e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0031e+00, 2.0004e+00, 1.9863e+00, 1.0148e-02, 9.9089e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0147e+00, 2.0120e+00, 1.9637e+00, 9.5339e-03, 9.3738e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0064e+00, 1.9746e+00, 9.8272e-03, 9.8274e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0064e+00, 1.9746e+00, 9.8232e-03, 9.4322e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0064e+00, 1.9746e+00, 9.8272e-03, 9.8271e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0064e+00, 1.9746e+00, 9.8232e-03, 9.4320e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0200e+00, 2.0012e+00, 1.9690e+00, 9.6727e-03, 9.4943e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9981e+00, 2.0116e+00, 1.9803e+00, 9.9795e-03, 9.7616e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0150e+00, 2.0121e+00, 1.9632e+00, 9.5205e-03, 9.3616e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0034e+00, 2.0005e+00, 1.9858e+00, 1.0134e-02, 9.8958e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0043e+00, 2.0175e+00, 1.9685e+00, 9.6595e-03, 9.4829e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0146e+00, 1.9955e+00, 1.9798e+00, 9.9657e-03, 9.7495e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0150e+00, 2.0124e+00, 1.9628e+00, 9.7033e-03, 9.5444e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0037e+00, 2.0011e+00, 1.9852e+00, 9.9136e-03, 9.6808e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0148e+00, 2.0123e+00, 1.9631e+00, 9.7061e-03, 9.5463e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0036e+00, 2.0009e+00, 1.9855e+00, 9.9164e-03, 9.6826e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9982e+00, 2.0118e+00, 1.9802e+00, 9.7640e-03, 9.3573e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0198e+00, 2.0011e+00, 1.9691e+00, 9.8637e-03, 9.8818e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 2.0175e+00, 1.9693e+00, 9.8614e-03, 9.8691e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0139e+00, 1.9958e+00, 1.9804e+00, 9.7615e-03, 9.3451e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 2.0121e+00, 1.9638e+00, 9.5078e-03, 9.3303e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0005e+00, 1.9864e+00, 1.0120e-02, 9.8622e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0032e+00, 2.0007e+00, 1.9859e+00, 1.0108e-02, 9.8519e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0148e+00, 2.0123e+00, 1.9634e+00, 9.4967e-03, 9.3206e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0034e+00, 2.0009e+00, 1.9855e+00, 1.0096e-02, 9.8420e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0150e+00, 2.0125e+00, 1.9629e+00, 9.4859e-03, 9.3112e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0095e+00, 2.0070e+00, 1.9738e+00, 9.5762e-03, 9.1787e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0092e+00, 2.0067e+00, 1.9740e+00, 9.9804e-03, 9.9654e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0146e+00, 1.9959e+00, 1.9795e+00, 9.9166e-03, 9.6721e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0042e+00, 2.0178e+00, 1.9682e+00, 9.6123e-03, 9.4079e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0094e+00, 2.0073e+00, 1.9737e+00, 9.5609e-03, 9.1527e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0091e+00, 2.0070e+00, 1.9739e+00, 9.9644e-03, 9.9370e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0041e+00, 2.0180e+00, 1.9681e+00, 9.5990e-03, 9.5754e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 1.9961e+00, 1.9794e+00, 9.8988e-03, 9.4492e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0093e+00, 2.0075e+00, 1.9735e+00, 9.5479e-03, 9.3195e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0090e+00, 2.0072e+00, 1.9738e+00, 9.9467e-03, 9.7118e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9984e+00, 2.0127e+00, 1.9792e+00, 9.6837e-03, 9.2461e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0200e+00, 2.0020e+00, 1.9681e+00, 9.7824e-03, 9.7636e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0139e+00, 1.9966e+00, 1.9796e+00, 9.8813e-03, 9.4263e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0035e+00, 2.0185e+00, 1.9683e+00, 9.5821e-03, 9.5521e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0021e+00, 1.9850e+00, 9.8305e-03, 9.3639e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 2.0134e+00, 1.9626e+00, 9.6261e-03, 9.6180e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0086e+00, 2.0078e+00, 1.9740e+00, 9.5323e-03, 9.1050e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0083e+00, 2.0074e+00, 1.9742e+00, 9.9342e-03, 9.8845e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0018e+00, 1.9854e+00, 1.0026e-02, 9.7280e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 2.0134e+00, 1.9628e+00, 9.4203e-03, 9.2041e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0143e+00, 2.0135e+00, 1.9625e+00, 9.6067e-03, 9.5809e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0030e+00, 2.0022e+00, 1.9849e+00, 9.8105e-03, 9.3279e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0194e+00, 2.0025e+00, 1.9684e+00, 9.5612e-03, 9.3200e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9975e+00, 2.0128e+00, 1.9797e+00, 9.8636e-03, 9.5816e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0087e+00, 2.0076e+00, 1.9740e+00, 9.7110e-03, 9.6433e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0087e+00, 2.0076e+00, 1.9740e+00, 9.7071e-03, 9.2568e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0088e+00, 2.0077e+00, 1.9739e+00, 9.5108e-03, 9.0680e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0085e+00, 2.0074e+00, 1.9741e+00, 9.9115e-03, 9.8437e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0140e+00, 1.9967e+00, 1.9795e+00, 9.6493e-03, 9.3602e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0034e+00, 2.0183e+00, 1.9685e+00, 9.7438e-03, 9.4877e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0145e+00, 2.0128e+00, 1.9630e+00, 9.5931e-03, 9.5479e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0033e+00, 2.0015e+00, 1.9853e+00, 9.7965e-03, 9.2959e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9979e+00, 2.0123e+00, 1.9801e+00, 9.6483e-03, 9.1649e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0195e+00, 2.0017e+00, 1.9690e+00, 9.7466e-03, 9.6772e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0084e+00, 2.0074e+00, 1.9747e+00, 9.4974e-03, 9.0280e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0081e+00, 2.0071e+00, 1.9749e+00, 9.8973e-03, 9.8000e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0191e+00, 2.0021e+00, 1.9692e+00, 9.5353e-03, 9.4444e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9973e+00, 2.0124e+00, 1.9804e+00, 9.8326e-03, 9.3203e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0136e+00, 1.9962e+00, 1.9803e+00, 9.8322e-03, 9.5136e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0033e+00, 2.0180e+00, 1.9691e+00, 9.5312e-03, 9.2543e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0141e+00, 2.0131e+00, 1.9633e+00, 9.3811e-03, 9.1249e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0026e+00, 2.0016e+00, 1.9858e+00, 9.9830e-03, 9.6435e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0194e+00, 2.0024e+00, 1.9686e+00, 9.5201e-03, 9.4338e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9976e+00, 2.0127e+00, 1.9798e+00, 9.8168e-03, 9.3099e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0194e+00, 2.0022e+00, 1.9686e+00, 9.7142e-03, 9.6308e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9979e+00, 2.0128e+00, 1.9796e+00, 9.6164e-03, 9.1213e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0083e+00, 2.0079e+00, 1.9743e+00, 9.4661e-03, 8.9853e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0076e+00, 1.9745e+00, 9.8644e-03, 9.7529e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0026e+00, 2.0021e+00, 1.9855e+00, 9.7522e-03, 9.2136e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0138e+00, 2.0134e+00, 1.9632e+00, 9.5500e-03, 9.4632e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0137e+00, 2.0132e+00, 1.9635e+00, 9.5528e-03, 9.4597e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0020e+00, 1.9858e+00, 9.7549e-03, 9.2103e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0073e+00, 1.9750e+00, 9.8575e-03, 9.7214e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0076e+00, 1.9748e+00, 9.4596e-03, 8.9566e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0018e+00, 1.9860e+00, 9.7473e-03, 9.3735e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0135e+00, 2.0131e+00, 1.9638e+00, 9.5416e-03, 9.2422e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0185e+00, 2.0020e+00, 1.9697e+00, 9.6937e-03, 9.3723e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9969e+00, 2.0126e+00, 1.9808e+00, 9.5998e-03, 9.2466e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0075e+00, 1.9754e+00, 9.6450e-03, 9.3069e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0075e+00, 1.9754e+00, 9.6450e-03, 9.3069e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0020e+00, 2.0182e+00, 1.9699e+00, 9.6917e-03, 9.3696e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 1.9967e+00, 1.9810e+00, 9.5979e-03, 9.2440e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0180e+00, 1.9701e+00, 9.4943e-03, 9.1765e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0127e+00, 1.9961e+00, 1.9813e+00, 9.7935e-03, 9.4332e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0182e+00, 2.0020e+00, 1.9701e+00, 9.6869e-03, 9.3645e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9966e+00, 2.0126e+00, 1.9811e+00, 9.5931e-03, 9.2390e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 1.9967e+00, 1.9813e+00, 9.5893e-03, 9.0499e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0017e+00, 2.0182e+00, 1.9703e+00, 9.6869e-03, 9.5548e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0016e+00, 2.0014e+00, 1.9871e+00, 9.7369e-03, 9.1650e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 2.0127e+00, 1.9649e+00, 9.5355e-03, 9.4131e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0072e+00, 2.0071e+00, 1.9762e+00, 9.4441e-03, 9.0970e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0068e+00, 1.9764e+00, 9.8369e-03, 9.4783e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0124e+00, 1.9961e+00, 1.9818e+00, 9.5779e-03, 9.0258e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0018e+00, 2.0176e+00, 1.9708e+00, 9.6754e-03, 9.5292e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0065e+00, 1.9765e+00, 9.6248e-03, 9.2641e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0065e+00, 1.9765e+00, 9.6248e-03, 9.2641e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0016e+00, 2.0007e+00, 1.9877e+00, 9.9254e-03, 9.3305e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0131e+00, 2.0123e+00, 1.9653e+00, 9.3324e-03, 9.1976e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0068e+00, 1.9760e+00, 9.4199e-03, 9.0735e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0074e+00, 2.0065e+00, 1.9762e+00, 9.8115e-03, 9.4536e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0019e+00, 2.0011e+00, 1.9872e+00, 9.7024e-03, 9.1274e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0132e+00, 2.0123e+00, 1.9649e+00, 9.5020e-03, 9.3743e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 1.9956e+00, 1.9820e+00, 9.7541e-03, 9.3755e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0174e+00, 1.9707e+00, 9.4565e-03, 9.1208e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9965e+00, 2.0121e+00, 1.9817e+00, 9.5546e-03, 9.1826e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0180e+00, 2.0015e+00, 1.9707e+00, 9.6480e-03, 9.3072e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0017e+00, 2.0179e+00, 1.9709e+00, 9.4536e-03, 9.3034e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 1.9961e+00, 1.9821e+00, 9.7472e-03, 9.1813e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0072e+00, 1.9763e+00, 9.5969e-03, 9.2435e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0072e+00, 1.9763e+00, 9.5969e-03, 9.2435e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9958e+00, 2.0124e+00, 1.9820e+00, 9.7445e-03, 9.1824e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0021e+00, 1.9708e+00, 9.4511e-03, 9.3045e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0015e+00, 1.9873e+00, 9.6962e-03, 9.3096e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 2.0127e+00, 1.9651e+00, 9.4923e-03, 9.1796e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0070e+00, 1.9765e+00, 9.5983e-03, 9.4362e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0070e+00, 1.9765e+00, 9.5945e-03, 9.0597e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0068e+00, 1.9766e+00, 9.7955e-03, 9.6314e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0070e+00, 2.0071e+00, 1.9764e+00, 9.4013e-03, 8.8757e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9961e+00, 2.0123e+00, 1.9820e+00, 9.5379e-03, 9.1610e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0017e+00, 1.9710e+00, 9.6310e-03, 9.2853e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0181e+00, 1.9711e+00, 9.4372e-03, 9.2815e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9963e+00, 1.9823e+00, 9.7301e-03, 9.1599e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0075e+00, 1.9765e+00, 9.3874e-03, 9.0348e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0072e+00, 1.9767e+00, 9.7770e-03, 9.4128e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0132e+00, 1.9654e+00, 9.2786e-03, 9.1448e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0017e+00, 1.9877e+00, 9.8671e-03, 9.2767e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0132e+00, 1.9650e+00, 9.4584e-03, 9.3316e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0020e+00, 1.9872e+00, 9.6576e-03, 9.0862e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0075e+00, 1.9764e+00, 9.5602e-03, 9.2056e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0075e+00, 1.9764e+00, 9.5602e-03, 9.2056e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9967e+00, 1.9819e+00, 9.5118e-03, 8.9594e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0182e+00, 1.9709e+00, 9.6084e-03, 9.4579e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9959e+00, 2.0123e+00, 1.9822e+00, 9.5117e-03, 9.1332e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0174e+00, 2.0018e+00, 1.9712e+00, 9.6045e-03, 9.2570e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9963e+00, 1.9825e+00, 9.7032e-03, 9.1321e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0181e+00, 1.9713e+00, 9.4114e-03, 9.2533e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0074e+00, 1.9768e+00, 9.5558e-03, 9.3827e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0074e+00, 1.9768e+00, 9.5521e-03, 9.0087e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9952e+00, 2.0126e+00, 1.9824e+00, 9.7006e-03, 9.1329e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 2.0023e+00, 1.9712e+00, 9.4090e-03, 9.2541e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0018e+00, 1.9877e+00, 9.6505e-03, 9.0729e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0129e+00, 1.9655e+00, 9.4517e-03, 9.3177e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0071e+00, 1.9770e+00, 9.7511e-03, 9.5749e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0074e+00, 1.9768e+00, 9.3593e-03, 8.8248e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 2.0019e+00, 1.9714e+00, 9.5897e-03, 9.4211e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0125e+00, 1.9824e+00, 9.4933e-03, 8.9249e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0074e+00, 1.9771e+00, 9.5379e-03, 8.9761e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0074e+00, 1.9771e+00, 9.5416e-03, 9.3484e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9967e+00, 1.9826e+00, 9.4933e-03, 9.0985e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0181e+00, 1.9716e+00, 9.5858e-03, 9.2216e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0178e+00, 1.9718e+00, 9.3933e-03, 9.2179e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9961e+00, 1.9829e+00, 9.6842e-03, 9.0973e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0180e+00, 1.9717e+00, 9.3889e-03, 9.0336e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 1.9963e+00, 1.9828e+00, 9.6834e-03, 9.2851e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0167e+00, 2.0023e+00, 1.9716e+00, 9.3882e-03, 9.2167e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9950e+00, 2.0125e+00, 1.9827e+00, 9.6788e-03, 9.0960e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9964e+00, 1.9826e+00, 9.6777e-03, 9.2840e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0181e+00, 1.9714e+00, 9.3834e-03, 9.0325e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0019e+00, 1.9879e+00, 9.6261e-03, 9.0341e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0131e+00, 1.9658e+00, 9.4281e-03, 9.2777e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0018e+00, 1.9882e+00, 9.6300e-03, 9.2169e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 2.0130e+00, 1.9660e+00, 9.4283e-03, 9.0887e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0005e+00, 2.0179e+00, 1.9719e+00, 9.5771e-03, 9.2155e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 1.9965e+00, 1.9828e+00, 9.4847e-03, 9.0926e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0175e+00, 1.9721e+00, 9.5752e-03, 9.2131e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 1.9961e+00, 1.9831e+00, 9.4828e-03, 9.0901e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9955e+00, 1.9834e+00, 9.6752e-03, 9.2754e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0172e+00, 1.9722e+00, 9.3813e-03, 9.0244e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9957e+00, 1.9833e+00, 9.6704e-03, 9.0865e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0175e+00, 1.9721e+00, 9.3802e-03, 9.2069e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0070e+00, 1.9775e+00, 9.3289e-03, 8.7829e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0067e+00, 1.9777e+00, 9.7187e-03, 9.5281e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0013e+00, 1.9886e+00, 9.6109e-03, 9.1898e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0124e+00, 1.9665e+00, 9.4098e-03, 9.0621e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0059e+00, 2.0067e+00, 1.9778e+00, 9.5140e-03, 9.3143e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0059e+00, 2.0067e+00, 1.9778e+00, 9.5103e-03, 8.9439e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 2.0123e+00, 1.9667e+00, 9.4117e-03, 9.0631e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0012e+00, 1.9888e+00, 9.6127e-03, 9.1907e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0002e+00, 2.0011e+00, 1.9890e+00, 9.6126e-03, 9.0073e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 2.0122e+00, 1.9669e+00, 9.4153e-03, 9.2500e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0164e+00, 2.0013e+00, 1.9727e+00, 9.5636e-03, 9.3753e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9949e+00, 2.0118e+00, 1.9837e+00, 9.4676e-03, 8.8826e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0052e+00, 2.0066e+00, 1.9785e+00, 9.7086e-03, 9.3049e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0055e+00, 2.0069e+00, 1.9783e+00, 9.3231e-03, 8.9326e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0000e+00, 2.0174e+00, 1.9729e+00, 9.5488e-03, 9.1672e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0106e+00, 1.9960e+00, 1.9838e+00, 9.4567e-03, 9.0450e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0000e+00, 2.0008e+00, 1.9896e+00, 9.6014e-03, 9.1673e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 2.0119e+00, 1.9675e+00, 9.4009e-03, 9.0402e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 2.0118e+00, 1.9677e+00, 9.4043e-03, 9.2263e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 2.0007e+00, 1.9897e+00, 9.6011e-03, 8.9843e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0105e+00, 1.9953e+00, 1.9845e+00, 9.6496e-03, 9.0429e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0002e+00, 2.0170e+00, 1.9734e+00, 9.3606e-03, 9.1626e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9943e+00, 2.0115e+00, 1.9844e+00, 9.6467e-03, 9.0440e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0161e+00, 2.0012e+00, 1.9732e+00, 9.3579e-03, 9.1638e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0108e+00, 1.9955e+00, 1.9842e+00, 9.4522e-03, 9.0441e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0002e+00, 2.0169e+00, 1.9732e+00, 9.5442e-03, 9.1663e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0165e+00, 2.0007e+00, 1.9733e+00, 9.3532e-03, 9.1628e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9948e+00, 2.0110e+00, 1.9845e+00, 9.6418e-03, 9.0431e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 2.0113e+00, 1.9677e+00, 9.3954e-03, 9.2257e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0002e+00, 1.9898e+00, 9.5920e-03, 8.9839e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 2.0112e+00, 1.9679e+00, 9.3952e-03, 9.0388e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0001e+00, 1.9899e+00, 9.5954e-03, 9.1657e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0109e+00, 1.9947e+00, 1.9847e+00, 9.6418e-03, 9.0433e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0164e+00, 1.9736e+00, 9.3533e-03, 9.1630e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0058e+00, 1.9790e+00, 9.4937e-03, 9.1045e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0058e+00, 1.9790e+00, 9.4937e-03, 9.1045e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 2.0115e+00, 1.9678e+00, 9.2074e-03, 9.0398e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9999e+00, 2.0001e+00, 1.9901e+00, 9.7880e-03, 9.1692e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9951e+00, 2.0113e+00, 1.9840e+00, 9.4356e-03, 9.0407e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0165e+00, 2.0008e+00, 1.9731e+00, 9.5274e-03, 9.1627e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9946e+00, 2.0114e+00, 1.9843e+00, 9.6248e-03, 9.0397e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0163e+00, 2.0011e+00, 1.9732e+00, 9.3369e-03, 9.1593e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9948e+00, 2.0113e+00, 1.9842e+00, 9.6236e-03, 9.2259e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0165e+00, 2.0010e+00, 1.9731e+00, 9.3321e-03, 8.9770e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 2.0117e+00, 1.9673e+00, 9.1865e-03, 8.8525e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0002e+00, 2.0003e+00, 1.9896e+00, 9.7693e-03, 9.3501e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 2.0118e+00, 1.9670e+00, 9.3622e-03, 9.0246e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0007e+00, 1.9890e+00, 9.5617e-03, 9.1513e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9953e+00, 1.9838e+00, 9.6100e-03, 9.2139e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0170e+00, 1.9727e+00, 9.3189e-03, 8.9654e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0062e+00, 1.9782e+00, 9.6558e-03, 9.4630e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0061e+00, 2.0065e+00, 1.9780e+00, 9.2696e-03, 8.7251e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0120e+00, 1.9670e+00, 9.3500e-03, 9.0020e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0008e+00, 1.9891e+00, 9.5492e-03, 9.1284e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0167e+00, 2.0012e+00, 1.9727e+00, 9.3068e-03, 8.9430e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9950e+00, 2.0114e+00, 1.9839e+00, 9.5973e-03, 9.1908e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9955e+00, 1.9836e+00, 9.4005e-03, 8.8228e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0168e+00, 1.9727e+00, 9.4956e-03, 9.3108e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0059e+00, 1.9783e+00, 9.2557e-03, 8.6946e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0056e+00, 1.9785e+00, 9.6411e-03, 9.4296e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0058e+00, 1.9784e+00, 9.4372e-03, 9.2181e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0058e+00, 1.9784e+00, 9.4335e-03, 8.8527e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0001e+00, 1.9894e+00, 9.7293e-03, 9.2832e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0115e+00, 1.9672e+00, 9.1493e-03, 8.7897e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0059e+00, 1.9780e+00, 9.6159e-03, 9.2089e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0062e+00, 1.9778e+00, 9.2353e-03, 8.8417e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0060e+00, 1.9779e+00, 9.4130e-03, 9.0131e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0060e+00, 1.9779e+00, 9.4130e-03, 9.0131e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9952e+00, 1.9835e+00, 9.5584e-03, 9.1367e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0168e+00, 1.9724e+00, 9.2693e-03, 8.8906e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0170e+00, 1.9723e+00, 9.2664e-03, 8.8882e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9954e+00, 1.9834e+00, 9.5555e-03, 9.1342e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0120e+00, 1.9666e+00, 9.3101e-03, 9.1280e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0009e+00, 1.9887e+00, 9.5045e-03, 8.8894e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0170e+00, 1.9725e+00, 9.4562e-03, 9.2511e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9956e+00, 1.9834e+00, 9.3617e-03, 8.7667e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0058e+00, 1.9782e+00, 9.5991e-03, 9.1817e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0061e+00, 1.9780e+00, 9.2193e-03, 8.8158e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0060e+00, 1.9781e+00, 9.3967e-03, 8.9866e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0060e+00, 1.9781e+00, 9.3967e-03, 8.9866e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0060e+00, 1.9781e+00, 9.3967e-03, 8.9866e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0060e+00, 1.9781e+00, 9.3967e-03, 8.9866e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0004e+00, 1.9891e+00, 9.4937e-03, 8.8682e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0115e+00, 1.9671e+00, 9.2997e-03, 9.1061e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9952e+00, 1.9838e+00, 9.3511e-03, 8.7460e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0165e+00, 1.9729e+00, 9.4455e-03, 9.2290e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 1.9948e+00, 1.9840e+00, 9.3512e-03, 8.9156e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0161e+00, 1.9731e+00, 9.4420e-03, 9.0357e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0124e+00, 2.0108e+00, 1.9676e+00, 9.1126e-03, 8.9100e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 1.9994e+00, 1.9897e+00, 9.6855e-03, 9.0372e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0053e+00, 1.9782e+00, 9.3839e-03, 8.9711e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0053e+00, 1.9782e+00, 9.3839e-03, 8.9711e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0053e+00, 1.9782e+00, 9.3857e-03, 9.1540e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0053e+00, 1.9782e+00, 9.3821e-03, 8.7919e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0176e+00, 2.0001e+00, 1.9728e+00, 9.4308e-03, 9.2148e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9962e+00, 2.0106e+00, 1.9837e+00, 9.3367e-03, 8.7330e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9947e+00, 1.9840e+00, 9.5249e-03, 8.9028e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0163e+00, 1.9729e+00, 9.2409e-03, 9.0202e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0001e+00, 1.9894e+00, 9.6689e-03, 9.0262e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0115e+00, 1.9672e+00, 9.0973e-03, 8.8993e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0058e+00, 1.9780e+00, 9.5590e-03, 9.1442e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0061e+00, 1.9778e+00, 9.1814e-03, 8.7803e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0122e+00, 2.0115e+00, 1.9669e+00, 9.2595e-03, 8.8880e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0005e+00, 1.9889e+00, 9.4562e-03, 9.0124e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0015e+00, 2.0166e+00, 1.9726e+00, 9.2187e-03, 9.0099e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9950e+00, 1.9837e+00, 9.5020e-03, 8.8927e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0167e+00, 1.9726e+00, 9.4037e-03, 9.1958e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9954e+00, 1.9835e+00, 9.3098e-03, 8.7151e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0056e+00, 1.9783e+00, 9.5455e-03, 9.1271e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0058e+00, 1.9781e+00, 9.1685e-03, 8.7640e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9960e+00, 2.0110e+00, 1.9837e+00, 9.2995e-03, 8.8740e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0173e+00, 2.0005e+00, 1.9728e+00, 9.3896e-03, 8.9932e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 2.0008e+00, 1.9729e+00, 9.2026e-03, 8.9898e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9954e+00, 2.0110e+00, 1.9840e+00, 9.4852e-03, 8.8730e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0166e+00, 1.9728e+00, 9.1983e-03, 8.8115e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9950e+00, 1.9839e+00, 9.4844e-03, 9.0547e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9953e+00, 1.9836e+00, 9.2924e-03, 8.8704e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0166e+00, 1.9728e+00, 9.3825e-03, 8.9896e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0056e+00, 1.9784e+00, 9.3378e-03, 9.1097e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0057e+00, 1.9784e+00, 9.3342e-03, 8.7499e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0015e+00, 2.0164e+00, 1.9729e+00, 9.1957e-03, 8.9861e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9948e+00, 1.9839e+00, 9.4780e-03, 8.8693e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0060e+00, 1.9782e+00, 9.1473e-03, 8.7497e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0057e+00, 1.9784e+00, 9.5230e-03, 9.1119e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0165e+00, 1.9728e+00, 9.3696e-03, 9.1611e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0117e+00, 1.9952e+00, 1.9837e+00, 9.2761e-03, 8.6827e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0055e+00, 1.9785e+00, 9.3195e-03, 8.7327e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0055e+00, 1.9785e+00, 9.3231e-03, 9.0917e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0123e+00, 2.0112e+00, 1.9674e+00, 9.0416e-03, 8.8472e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 1.9998e+00, 1.9895e+00, 9.6087e-03, 8.9731e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0057e+00, 1.9780e+00, 9.3106e-03, 8.9078e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0057e+00, 1.9780e+00, 9.3106e-03, 8.9078e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0175e+00, 2.0005e+00, 1.9726e+00, 9.3571e-03, 9.1495e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9962e+00, 2.0110e+00, 1.9835e+00, 9.2639e-03, 8.6720e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0004e+00, 1.9892e+00, 9.4046e-03, 8.7818e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0115e+00, 1.9672e+00, 9.2130e-03, 9.0167e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0058e+00, 1.9784e+00, 9.3105e-03, 8.8967e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0058e+00, 1.9784e+00, 9.3105e-03, 8.8967e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0115e+00, 1.9673e+00, 9.0295e-03, 8.6578e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0001e+00, 1.9895e+00, 9.5992e-03, 9.1416e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0172e+00, 2.0008e+00, 1.9726e+00, 9.3459e-03, 9.1284e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9959e+00, 2.0113e+00, 1.9835e+00, 9.2529e-03, 8.6522e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0062e+00, 1.9782e+00, 9.2960e-03, 8.7016e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0062e+00, 1.9782e+00, 9.2996e-03, 9.0590e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0169e+00, 2.0011e+00, 1.9727e+00, 9.1582e-03, 8.9362e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9954e+00, 2.0113e+00, 1.9838e+00, 9.4390e-03, 8.8202e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 2.0009e+00, 1.9727e+00, 9.3398e-03, 8.9384e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9957e+00, 2.0114e+00, 1.9836e+00, 9.2504e-03, 8.8201e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 1.9955e+00, 1.9839e+00, 9.4348e-03, 8.8192e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0170e+00, 1.9728e+00, 9.1542e-03, 8.9351e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0166e+00, 2.0014e+00, 1.9727e+00, 9.1500e-03, 8.7582e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9951e+00, 2.0116e+00, 1.9838e+00, 9.4340e-03, 8.9994e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0065e+00, 1.9780e+00, 9.1036e-03, 8.6980e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0060e+00, 2.0063e+00, 1.9782e+00, 9.4769e-03, 9.0574e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0170e+00, 1.9727e+00, 9.3227e-03, 8.9251e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9957e+00, 1.9835e+00, 9.2335e-03, 8.8070e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0166e+00, 1.9729e+00, 9.3229e-03, 9.1042e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9954e+00, 1.9837e+00, 9.2301e-03, 8.6296e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0171e+00, 2.0004e+00, 1.9731e+00, 9.3194e-03, 8.9143e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9958e+00, 2.0109e+00, 1.9839e+00, 9.2302e-03, 8.7965e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9953e+00, 2.0110e+00, 1.9842e+00, 9.4141e-03, 8.7955e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0168e+00, 2.0007e+00, 1.9732e+00, 9.1343e-03, 8.9110e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0114e+00, 1.9675e+00, 8.9914e-03, 8.6170e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0001e+00, 1.9896e+00, 9.5579e-03, 9.0979e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9952e+00, 1.9837e+00, 9.4023e-03, 8.9658e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0167e+00, 1.9727e+00, 9.1194e-03, 8.7257e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0060e+00, 1.9782e+00, 9.4450e-03, 9.0236e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0063e+00, 1.9780e+00, 9.0732e-03, 8.6658e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9956e+00, 2.0113e+00, 1.9836e+00, 9.3875e-03, 8.7756e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0172e+00, 2.0011e+00, 1.9725e+00, 9.1086e-03, 8.8908e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0172e+00, 2.0009e+00, 1.9725e+00, 9.2909e-03, 9.0734e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9960e+00, 2.0113e+00, 1.9834e+00, 9.1985e-03, 8.6008e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 2.0008e+00, 1.9891e+00, 9.3381e-03, 8.7097e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 2.0118e+00, 1.9672e+00, 9.1482e-03, 8.9422e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0168e+00, 1.9729e+00, 9.2909e-03, 9.0622e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9955e+00, 1.9838e+00, 9.1985e-03, 8.5903e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0058e+00, 1.9786e+00, 9.2414e-03, 8.6396e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0058e+00, 1.9785e+00, 9.2450e-03, 8.9937e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 2.0007e+00, 1.9731e+00, 9.1047e-03, 8.8721e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0109e+00, 1.9841e+00, 9.3833e-03, 8.7572e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0171e+00, 2.0005e+00, 1.9731e+00, 9.2850e-03, 8.8742e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9959e+00, 2.0110e+00, 1.9839e+00, 9.1962e-03, 8.7570e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0060e+00, 2.0058e+00, 1.9787e+00, 9.4282e-03, 9.1760e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0063e+00, 2.0060e+00, 1.9786e+00, 9.0539e-03, 8.4656e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0167e+00, 2.0007e+00, 1.9732e+00, 9.2749e-03, 9.0321e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0112e+00, 1.9841e+00, 9.1827e-03, 8.5620e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 2.0116e+00, 1.9679e+00, 9.1309e-03, 8.7250e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0006e+00, 1.9897e+00, 9.3237e-03, 8.8464e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0166e+00, 1.9736e+00, 9.2747e-03, 9.0244e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0109e+00, 1.9954e+00, 1.9844e+00, 9.1825e-03, 8.5548e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 1.9948e+00, 1.9847e+00, 9.3669e-03, 8.7211e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0164e+00, 1.9737e+00, 9.0890e-03, 8.8355e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0001e+00, 2.0002e+00, 1.9901e+00, 9.5096e-03, 9.0204e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 2.0115e+00, 1.9680e+00, 8.9470e-03, 8.5445e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9953e+00, 2.0113e+00, 1.9841e+00, 9.1674e-03, 8.5388e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0165e+00, 2.0008e+00, 1.9733e+00, 9.2594e-03, 9.0074e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0001e+00, 2.0008e+00, 1.9897e+00, 9.3064e-03, 8.6472e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0111e+00, 2.0118e+00, 1.9679e+00, 9.1175e-03, 8.8777e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 2.0117e+00, 1.9681e+00, 9.1191e-03, 8.8758e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0000e+00, 2.0007e+00, 1.9899e+00, 9.3079e-03, 8.6453e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0002e+00, 2.0166e+00, 1.9738e+00, 9.2591e-03, 8.8164e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0107e+00, 1.9954e+00, 1.9846e+00, 9.1706e-03, 8.7000e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0163e+00, 2.0006e+00, 1.9739e+00, 9.0739e-03, 8.6382e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9948e+00, 2.0108e+00, 1.9849e+00, 9.3547e-03, 8.8754e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0056e+00, 1.9793e+00, 9.2089e-03, 8.5801e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0058e+00, 2.0056e+00, 1.9793e+00, 9.2124e-03, 8.9312e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0060e+00, 2.0057e+00, 1.9792e+00, 9.0279e-03, 8.5788e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0057e+00, 2.0055e+00, 1.9794e+00, 9.3970e-03, 8.9322e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0001e+00, 1.9902e+00, 9.2951e-03, 8.6298e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 2.0111e+00, 1.9683e+00, 9.1066e-03, 8.8598e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0059e+00, 2.0057e+00, 1.9794e+00, 9.0198e-03, 8.5679e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0056e+00, 2.0054e+00, 1.9795e+00, 9.3884e-03, 8.9208e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9950e+00, 2.0106e+00, 1.9850e+00, 9.3315e-03, 8.6762e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0165e+00, 2.0005e+00, 1.9740e+00, 9.0550e-03, 8.7899e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9952e+00, 2.0105e+00, 1.9849e+00, 9.3289e-03, 8.6773e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0166e+00, 2.0004e+00, 1.9739e+00, 9.0525e-03, 8.7910e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9947e+00, 1.9847e+00, 9.1432e-03, 8.6772e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 2.0159e+00, 1.9738e+00, 9.2314e-03, 8.7932e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0118e+00, 2.0105e+00, 1.9685e+00, 9.0920e-03, 8.8486e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 1.9995e+00, 1.9903e+00, 9.2800e-03, 8.6190e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 2.0155e+00, 1.9742e+00, 9.2313e-03, 8.7895e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9943e+00, 1.9850e+00, 9.1431e-03, 8.6736e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0153e+00, 1.9743e+00, 9.0470e-03, 8.6123e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9938e+00, 1.9853e+00, 9.3266e-03, 8.8484e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0099e+00, 1.9851e+00, 9.3217e-03, 8.6704e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0170e+00, 1.9997e+00, 1.9742e+00, 9.0457e-03, 8.7839e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0103e+00, 1.9686e+00, 9.0849e-03, 8.6680e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0010e+00, 1.9992e+00, 1.9904e+00, 9.2762e-03, 8.7882e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0115e+00, 1.9939e+00, 1.9852e+00, 9.3206e-03, 8.6721e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0154e+00, 1.9742e+00, 9.0447e-03, 8.7857e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 1.9993e+00, 1.9905e+00, 9.4603e-03, 8.7914e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0105e+00, 1.9685e+00, 8.9051e-03, 8.6689e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0052e+00, 1.9791e+00, 8.9850e-03, 8.3841e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0050e+00, 1.9792e+00, 9.3554e-03, 9.0857e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0014e+00, 2.0158e+00, 1.9737e+00, 9.0217e-03, 8.7656e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9943e+00, 1.9847e+00, 9.2968e-03, 8.6523e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0009e+00, 1.9998e+00, 1.9899e+00, 9.2494e-03, 8.5962e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0108e+00, 1.9681e+00, 9.0621e-03, 8.8250e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0159e+00, 1.9737e+00, 9.0205e-03, 8.7649e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0114e+00, 1.9945e+00, 1.9847e+00, 9.2955e-03, 8.6516e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0161e+00, 1.9736e+00, 9.0161e-03, 8.5922e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 1.9947e+00, 1.9846e+00, 9.2945e-03, 8.8276e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0168e+00, 2.0006e+00, 1.9735e+00, 9.0151e-03, 8.7635e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9954e+00, 2.0108e+00, 1.9845e+00, 9.2900e-03, 8.6504e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9957e+00, 2.0108e+00, 1.9843e+00, 9.1054e-03, 8.6503e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0169e+00, 2.0004e+00, 1.9735e+00, 9.1930e-03, 8.7656e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9952e+00, 2.0108e+00, 1.9846e+00, 9.2877e-03, 8.8242e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0166e+00, 2.0007e+00, 1.9736e+00, 9.0096e-03, 8.5889e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0168e+00, 2.0006e+00, 1.9735e+00, 9.0070e-03, 8.5868e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9954e+00, 2.0107e+00, 1.9845e+00, 9.2851e-03, 8.8220e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0007e+00, 1.9999e+00, 1.9898e+00, 9.4244e-03, 8.9398e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 2.0112e+00, 1.9679e+00, 8.8685e-03, 8.4695e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0056e+00, 1.9786e+00, 9.3186e-03, 9.0490e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0059e+00, 1.9784e+00, 8.9500e-03, 8.3510e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0059e+00, 1.9784e+00, 8.9404e-03, 8.3332e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0064e+00, 2.0056e+00, 1.9786e+00, 9.3085e-03, 9.0296e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0058e+00, 1.9785e+00, 9.1111e-03, 8.4845e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0066e+00, 2.0058e+00, 1.9785e+00, 9.1145e-03, 8.8308e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9960e+00, 2.0110e+00, 1.9839e+00, 9.0674e-03, 8.4281e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0171e+00, 2.0006e+00, 1.9731e+00, 9.1580e-03, 8.8889e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0060e+00, 1.9787e+00, 9.1094e-03, 8.4763e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0060e+00, 1.9787e+00, 9.1129e-03, 8.8221e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0166e+00, 1.9732e+00, 8.9753e-03, 8.7033e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 1.9952e+00, 1.9842e+00, 9.2486e-03, 8.5911e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0117e+00, 1.9676e+00, 9.0157e-03, 8.7621e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0007e+00, 1.9894e+00, 9.2019e-03, 8.5354e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0004e+00, 2.0004e+00, 1.9897e+00, 9.3909e-03, 8.8827e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0117e+00, 1.9677e+00, 8.8373e-03, 8.4158e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0063e+00, 1.9783e+00, 9.1021e-03, 8.8122e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0062e+00, 2.0063e+00, 1.9783e+00, 9.0986e-03, 8.4669e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0169e+00, 1.9729e+00, 8.9629e-03, 8.5216e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0113e+00, 1.9955e+00, 1.9839e+00, 9.2393e-03, 8.7548e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0166e+00, 2.0013e+00, 1.9729e+00, 9.1412e-03, 8.6927e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9955e+00, 2.0117e+00, 1.9837e+00, 9.0542e-03, 8.5784e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0110e+00, 1.9960e+00, 1.9838e+00, 9.0511e-03, 8.4068e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0171e+00, 1.9731e+00, 9.1415e-03, 8.8661e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 2.0119e+00, 1.9676e+00, 8.8240e-03, 8.5650e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0003e+00, 2.0006e+00, 1.9896e+00, 9.3729e-03, 8.6858e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0112e+00, 1.9957e+00, 1.9837e+00, 9.2222e-03, 8.5673e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0011e+00, 2.0171e+00, 1.9728e+00, 8.9498e-03, 8.6792e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9953e+00, 2.0117e+00, 1.9837e+00, 9.2217e-03, 8.7411e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0167e+00, 2.0016e+00, 1.9727e+00, 8.9459e-03, 8.5084e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0119e+00, 2.0122e+00, 1.9670e+00, 8.8102e-03, 8.5617e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0006e+00, 2.0009e+00, 1.9890e+00, 9.3582e-03, 8.6825e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0011e+00, 1.9886e+00, 9.3506e-03, 8.8556e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0124e+00, 1.9667e+00, 8.7997e-03, 8.3904e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0070e+00, 1.9772e+00, 8.8832e-03, 8.4410e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0065e+00, 2.0068e+00, 1.9774e+00, 9.2449e-03, 8.7872e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0012e+00, 2.0014e+00, 1.9882e+00, 9.1472e-03, 8.6626e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0124e+00, 1.9664e+00, 8.9588e-03, 8.5442e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0116e+00, 1.9961e+00, 1.9830e+00, 9.1912e-03, 8.5488e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0015e+00, 2.0175e+00, 1.9721e+00, 8.9199e-03, 8.6603e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0121e+00, 2.0126e+00, 1.9664e+00, 8.7816e-03, 8.3763e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0008e+00, 2.0014e+00, 1.9884e+00, 9.3312e-03, 8.8404e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0173e+00, 2.0021e+00, 1.9716e+00, 8.9091e-03, 8.6536e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9959e+00, 2.0122e+00, 1.9826e+00, 9.1801e-03, 8.5422e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0067e+00, 2.0069e+00, 1.9771e+00, 9.2256e-03, 8.9501e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0072e+00, 1.9769e+00, 8.8615e-03, 8.2613e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0071e+00, 1.9770e+00, 9.0322e-03, 8.5808e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0068e+00, 2.0071e+00, 1.9770e+00, 9.0322e-03, 8.5808e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0120e+00, 1.9965e+00, 1.9824e+00, 8.9873e-03, 8.3557e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0016e+00, 2.0176e+00, 1.9716e+00, 9.0768e-03, 8.8115e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0071e+00, 2.0068e+00, 1.9771e+00, 8.8523e-03, 8.4021e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0069e+00, 2.0065e+00, 1.9773e+00, 9.2124e-03, 8.7464e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0070e+00, 2.0067e+00, 1.9772e+00, 9.0213e-03, 8.5637e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0070e+00, 2.0067e+00, 1.9772e+00, 9.0213e-03, 8.5637e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0015e+00, 2.0012e+00, 1.9880e+00, 9.1152e-03, 8.6225e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0125e+00, 2.0122e+00, 1.9663e+00, 8.9276e-03, 8.5048e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0013e+00, 2.0010e+00, 1.9883e+00, 9.3005e-03, 8.7985e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0125e+00, 2.0122e+00, 1.9664e+00, 8.7532e-03, 8.3369e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0177e+00, 2.0017e+00, 1.9716e+00, 8.8785e-03, 8.4427e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([1.9964e+00, 2.0118e+00, 1.9826e+00, 9.1519e-03, 8.6733e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0016e+00, 2.0011e+00, 1.9879e+00, 9.2893e-03, 8.7891e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 2.0123e+00, 1.9660e+00, 8.7427e-03, 8.3280e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0070e+00, 1.9765e+00, 8.8263e-03, 8.3788e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0067e+00, 1.9767e+00, 9.1851e-03, 8.7219e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0174e+00, 1.9713e+00, 9.0392e-03, 8.7692e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0126e+00, 1.9963e+00, 1.9820e+00, 8.9501e-03, 8.3160e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 2.0170e+00, 1.9714e+00, 9.0359e-03, 8.5879e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0128e+00, 1.9959e+00, 1.9822e+00, 8.9502e-03, 8.4753e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0027e+00, 2.0168e+00, 1.9715e+00, 8.8580e-03, 8.5849e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9954e+00, 1.9825e+00, 9.1270e-03, 8.4745e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 2.0008e+00, 1.9877e+00, 9.0813e-03, 8.4197e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0132e+00, 2.0118e+00, 1.9660e+00, 8.8978e-03, 8.6426e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0077e+00, 2.0063e+00, 1.9771e+00, 8.8125e-03, 8.1940e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0074e+00, 2.0060e+00, 1.9772e+00, 9.1741e-03, 8.8762e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0131e+00, 2.0117e+00, 1.9662e+00, 8.8906e-03, 8.6223e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0021e+00, 2.0007e+00, 1.9880e+00, 9.0738e-03, 8.4000e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0073e+00, 2.0059e+00, 1.9775e+00, 9.1647e-03, 8.6808e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0076e+00, 2.0062e+00, 1.9773e+00, 8.8069e-03, 8.3395e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0127e+00, 1.9955e+00, 1.9828e+00, 8.9304e-03, 8.2771e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0023e+00, 2.0166e+00, 1.9720e+00, 9.0193e-03, 8.7279e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0059e+00, 1.9775e+00, 8.7966e-03, 8.3235e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0075e+00, 2.0056e+00, 1.9776e+00, 9.1539e-03, 8.6641e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0025e+00, 2.0162e+00, 1.9722e+00, 9.0070e-03, 8.5394e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0129e+00, 1.9952e+00, 1.9830e+00, 8.9216e-03, 8.4274e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0024e+00, 1.9999e+00, 1.9885e+00, 9.0544e-03, 8.3714e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0133e+00, 2.0109e+00, 1.9668e+00, 8.8718e-03, 8.5929e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0022e+00, 1.9997e+00, 1.9888e+00, 9.2399e-03, 8.7105e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0133e+00, 2.0109e+00, 1.9670e+00, 8.6971e-03, 8.2542e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0078e+00, 2.0053e+00, 1.9777e+00, 9.1360e-03, 8.6436e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0080e+00, 2.0056e+00, 1.9775e+00, 8.7796e-03, 8.3041e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0055e+00, 1.9776e+00, 8.9471e-03, 8.4636e-05],
dtype=torch.float64)
每个节点平均光子数为: tensor([2.0079e+00, 2.0055e+00, 1.9776e+00, 8.9471e-03, 8.4636e-05],
dtype=torch.float64)

每个“糖果”节点输出近似2个光子,而其余节点几乎没有输出光子,优化结果非常完美!

附录

[1] https://github.com/TuringQ/deepquantum/tree/main/examples/gbs/boson_sampling/boson_sampling.ipynb
[2] https://github.com/TuringQ/deepquantum/tree/main/examples/gbs/gaussian_boson_sampling/gaussian_boson_
sampling.ipynb
[3] https://deepquantum.turingq.com/category/quantum-variational-algorithm
[4] https://github.com/TuringQ/deepquantum/blob/main/docs/photonic_basics.ipynb
[5] https://dqapi.turingq.com/deepquantum.photonic.html#deepquantum.photonic.ansatz.GBS_Graph
[6] Leonardo Banchi, Nicolás Quesada, and Juan Miguel Arrazola. Training Gaussian Boson Sampling Distributions. arXiv:2004.04770 (2020).

文档链接

案例代码

图灵算法

图灵算法

图灵算法组是一个神秘的算法组织。他们的工作是研究神秘的量子算法。感谢杨杰诚提供的30个算法案例;感谢李瑞琦提供的1个算法案例。