flower_class = [cla for cla in os.listdir(origin_flower_path) if os.path.isdir(os.path.join(origin_flower_path, cla))]解释这段python代码

时间: 2023-03-29 11:03:47 浏览: 153
这段 Python 代码是用来获取指定路径下的所有文件夹名称,并将这些名称存储在一个列表中。具体来说,代码首先使用 os.listdir() 函数获取指定路径下的所有文件和文件夹名称,然后使用 os.path.isdir() 函数判断每个名称是否为文件夹,如果是,则将其添加到列表中。最终,这个列表包含了指定路径下所有文件夹的名称。
相关问题

为每句代码做注释:flower_list = train_dataset.class_to_idx cla_dict = dict((val, key) for key, val in flower_list.items()) json_str = json.dumps(cla_dict, indent=4) with open('class_indices.json', 'w') as json_file: json_file.write(json_str) batch_size = 16 nw = min([os.cpu_count(), batch_size if batch_size > 1 else 0, 8]) print('Using {} dataloader workers every process'.format(nw)) train_loader = torch.utils.data.DataLoader(train_dataset, batch_size=batch_size, shuffle=True, num_workers=0) validate_dataset = datasets.ImageFolder(root=os.path.join(image_path, "val"), transform=data_transform["val"]) val_num = len(validate_dataset) validate_loader = torch.utils.data.DataLoader(validate_dataset, batch_size=batch_size, shuffle=False, num_workers=0) print("using {} images for training, {} images for validation.".format(train_num, val_num))

# 创建一个包含所有花的列表,列表中每个元素都是一种花的类别索引 flower_list = train_dataset.class_to_idx # 将key和value互换位置,将花的类别索引转换为花的名称 cla_dict = dict((val, key) for key, val in flower_list.items()) # 将字典转换为json格式的字符串 json_str = json.dumps(cla_dict, indent=4) # 将json字符串写入文件class_indices.json中 with open('class_indices.json', 'w') as json_file: json_file.write(json_str) # 设置批大小为16,设置dataloader的worker数量,确保不超过CPU核心数和批大小 batch_size = 16 nw = min([os.cpu_count(), batch_size if batch_size > 1 else 0, 8]) print('Using {} dataloader workers every process'.format(nw)) # 创建训练集dataloader train_loader = torch.utils.data.DataLoader(train_dataset, batch_size=batch_size, shuffle=True, num_workers=0) # 创建验证集dataset和dataloader validate_dataset = datasets.ImageFolder(root=os.path.join(image_path, "val"), transform=data_transform["val"]) val_num = len(validate_dataset) validate_loader = torch.utils.data.DataLoader(validate_dataset, batch_size=batch_size, shuffle=False, num_workers=0) # 打印训练集和验证集的图片数量 print("using {} images for training, {} images for validation.".format(train_num, val_num))

flower_list = train_dataset.class_to_idx cla_dict = dict((val, key) for key, val in flower_list.items())

这段代码用于获取训练集中的类别信息。train_dataset.class_to_idx返回一个字典,其中键为训练集中的类别名称,值为类别对应的索引。flower_list = train_dataset.class_to_idx这行代码的作用是将class_to_idx字典赋值给flower_list。 接下来的代码通过字典推导式将flower_list字典中的键值对颠倒,生成一个新的字典cla_dict。其中,键为类别对应的索引,值为训练集中的类别名称。这个字典可以方便地将模型输出的预测结果转换成对应的类别名称。

相关推荐

给下面这段代码每行注释import os import json import torch from PIL import Image from torchvision import transforms from model import resnet34 def main(): device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") data_transform = transforms.Compose( [transforms.Resize(256), transforms.CenterCrop(224), transforms.ToTensor(), transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])]) # load image # 指向需要遍历预测的图像文件夹 imgs_root = "../dataset/val" assert os.path.exists(imgs_root), f"file: '{imgs_root}' dose not exist." # 读取指定文件夹下所有jpg图像路径 img_path_list = [os.path.join(imgs_root, i) for i in os.listdir(imgs_root) if i.endswith(".jpg")] # read class_indict json_path = './class_indices.json' assert os.path.exists(json_path), f"file: '{json_path}' dose not exist." json_file = open(json_path, "r") class_indict = json.load(json_file) # create model model = resnet34(num_classes=16).to(device) # load model weights weights_path = "./newresNet34.pth" assert os.path.exists(weights_path), f"file: '{weights_path}' dose not exist." model.load_state_dict(torch.load(weights_path, map_location=device)) # prediction model.eval() batch_size = 8 # 每次预测时将多少张图片打包成一个batch with torch.no_grad(): for ids in range(0, len(img_path_list) // batch_size): img_list = [] for img_path in img_path_list[ids * batch_size: (ids + 1) * batch_size]: assert os.path.exists(img_path), f"file: '{img_path}' dose not exist." img = Image.open(img_path) img = data_transform(img) img_list.append(img) # batch img # 将img_list列表中的所有图像打包成一个batch batch_img = torch.stack(img_list, dim=0) # predict class output = model(batch_img.to(device)).cpu() predict = torch.softmax(output, dim=1) probs, classes = torch.max(predict, dim=1) for idx, (pro, cla) in enumerate(zip(probs, classes)): print("image: {} class: {} prob: {:.3}".format(img_path_list[ids * batch_size + idx], class_indict[str(cla.numpy())], pro.numpy())) if __name__ == '__main__': main()

这是对单个文件进行预测“import os import json import torch from PIL import Image from torchvision import transforms import matplotlib.pyplot as plt from model import convnext_tiny as create_model def main(): device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu") print(f"using {device} device.") num_classes = 5 img_size = 224 data_transform = transforms.Compose( [transforms.Resize(int(img_size * 1.14)), transforms.CenterCrop(img_size), transforms.ToTensor(), transforms.Normalize([0.485, 0.456, 0.406], [0.229, 0.224, 0.225])]) # load image img_path = "../tulip.jpg" assert os.path.exists(img_path), "file: '{}' dose not exist.".format(img_path) img = Image.open(img_path) plt.imshow(img) # [N, C, H, W] img = data_transform(img) # expand batch dimension img = torch.unsqueeze(img, dim=0) # read class_indict json_path = './class_indices.json' assert os.path.exists(json_path), "file: '{}' dose not exist.".format(json_path) with open(json_path, "r") as f: class_indict = json.load(f) # create model model = create_model(num_classes=num_classes).to(device) # load model weights model_weight_path = "./weights/best_model.pth" model.load_state_dict(torch.load(model_weight_path, map_location=device)) model.eval() with torch.no_grad(): # predict class output = torch.squeeze(model(img.to(device))).cpu() predict = torch.softmax(output, dim=0) predict_cla = torch.argmax(predict).numpy() print_res = "class: {} prob: {:.3}".format(class_indict[str(predict_cla)], predict[predict_cla].numpy()) plt.title(print_res) for i in range(len(predict)): print("class: {:10} prob: {:.3}".format(class_indict[str(i)], predict[i].numpy())) plt.show() if __name__ == '__main__': main()”,改为对指定文件夹下的左右文件进行预测,并绘制混淆矩阵

import torch import torch.nn as nn import numpy as np import matplotlib.pyplot as plt from torch import autograd """ 用神经网络模拟微分方程,f(x)'=f(x),初始条件f(0) = 1 """ class Net(nn.Module): def __init__(self, NL, NN): # NL n个l(线性,全连接)隐藏层, NN 输入数据的维数, # NL是有多少层隐藏层 # NN是每层的神经元数量 super(Net, self).__init__() self.input_layer = nn.Linear(1, NN) self.hidden_layer = nn.Linear(NN,int(NN/2)) ## 原文这里用NN,我这里用的下采样,经过实验验证,“等采样”更优。更多情况有待我实验验证。 self.output_layer = nn.Linear(int(NN/2), 1) def forward(self, x): out = torch.tanh(self.input_layer(x)) out = torch.tanh(self.hidden_layer(out)) out_final = self.output_layer(out) return out_final net=Net(4,20) # 4层 20个 mse_cost_function = torch.nn.MSELoss(reduction='mean') # Mean squared error 均方误差求 optimizer = torch.optim.Adam(net.parameters(),lr=1e-4) # 优化器 def ode_01(x,net): y=net(x) y_x = autograd.grad(y, x,grad_outputs=torch.ones_like(net(x)),create_graph=True)[0] return y-y_x # y-y' = 0 # requires_grad=True).unsqueeze(-1) plt.ion() # 动态图 iterations=200000 for epoch in range(iterations): optimizer.zero_grad() # 梯度归0 ## 求边界条件的损失函数 x_0 = torch.zeros(2000, 1) y_0 = net(x_0) mse_i = mse_cost_function(y_0, torch.ones(2000, 1)) # f(0) - 1 = 0 ## 方程的损失函数 x_in = np.random.uniform(low=0.0, high=2.0, size=(2000, 1)) pt_x_in = autograd.Variable(torch.from_numpy(x_in).float(), requires_grad=True) # x 随机数 pt_y_colection=ode_01(pt_x_in,net) pt_all_zeros= autograd.Variable(torch.from_numpy(np.zeros((2000,1))).float(), requires_grad=False) mse_f=mse_cost_function(pt_y_colection, pt_all_zeros) # y-y' = 0 loss = mse_i + mse_f loss.backward() # 反向传播 optimizer.step() # 优化下一步。This is equivalent to : theta_new = theta_old - alpha * derivative of J w.r.t theta if epoch%1000==0: y = torch.exp(pt_x_in) # y 真实值 y_train0 = net(pt_x_in) # y 预测值 print(epoch, "Traning Loss:", loss.data) print(f'times {epoch} - loss: {loss.item()} - y_0: {y_0}') plt.cla() plt.scatter(pt_x_in.detach().numpy(), y.detach().numpy()) plt.scatter(pt_x_in.detach().numpy(), y_train0.detach().numpy(),c='red') plt.pause(0.1)

""" Contrast Limited Adaptive Histogram Equalization,CLAHE 对比度受限自适应直方图均衡 """ import cv2 # import numpy as np import matplotlib.pyplot as plt def show_img_with_matplotlib(color_img, title, pos): img_rgb = color_img[:, :, ::-1] plt.subplot(2, 5, pos) plt.imshow(img_rgb) plt.title(title, fontsize=8) plt.axis('off') def equalize_clahe_color_hsv(img): cla = cv2.createCLAHE(clipLimit=4.0) H, S, V = cv2.split(cv2.cvtColor(img, cv2.COLOR_BGR2HSV)) eq_V = cla.apply(V) eq_image = cv2.cvtColor(cv2.merge([H, S, eq_V]), cv2.COLOR_HSV2BGR) return eq_image def equalize_clahe_color_lab(img): cla = cv2.createCLAHE(clipLimit=4.0) L, a, b = cv2.split(cv2.cvtColor(img, cv2.COLOR_BGR2Lab)) eq_L = cla.apply(L) eq_image = cv2.cvtColor(cv2.merge([eq_L, a, b]), cv2.COLOR_Lab2BGR) return eq_image def equalize_clahe_color_yuv(img): cla = cv2.createCLAHE(clipLimit=4.0) Y, U, V = cv2.split(cv2.cvtColor(img, cv2.COLOR_BGR2YUV)) eq_Y = cla.apply(Y) eq_image = cv2.cvtColor(cv2.merge([eq_Y, U, V]), cv2.COLOR_YUV2BGR) return eq_image def equalize_clahe_color(img): cla = cv2.createCLAHE(clipLimit=4.0) channels = cv2.split(img) eq_channels = [] for ch in channels: eq_channels.append(cla.apply(ch)) eq_image = cv2.merge(eq_channels) return eq_image # 加载图像 image = cv2.imread('D:/Documents/python/OpenCV/image/008.jpg') gray_image = cv2.cvtColor(image, cv2.COLOR_BGR2GRAY) # 灰度图像应用 CLAHE clahe = cv2.createCLAHE(clipLimit=2.0) gray_image_clahe = clahe.apply(gray_image) # 使用不同 clipLimit 值 clahe.setClipLimit(5.0) gray_image_clahe_2 = clahe.apply(gray_image) clahe.setClipLimit(10.0) gray_image_clahe_3 = clahe.apply(gray_image) clahe.setClipLimit(20.0) gray_image_clahe_4 = clahe.apply(gray_image) # 彩色图像应用 CLAHE image_clahe_color = equalize_clahe_color(image) image_clahe_color_lab = equalize_clahe_color_lab(image) image_clahe_color_hsv = equalize_clahe_color_hsv(image) image_clahe_color_yuv = equalize_clahe_color_yuv(image) # 标题 plt.figure(figsize=(10, 4)) plt.suptitle("Color histogram equalization with cv2.equalizedHist() - not a good approach", fontsize=9, fontweight='bold') # 可视化 show_img_with_matplotlib(cv2.cvtColor(gray_image, cv2.COLOR_GRAY2BGR), "gray", 1) show_img_with_matplotlib(cv2.cvtColor(gray_image_clahe, cv2.COLOR_GRAY2BGR), "gray CLAHE clipLimit=2.0", 2) show_img_with_matplotlib(cv2.cvtColor(gray_image_clahe_2, cv2.COLOR_GRAY2BGR), "gray CLAHE clipLimit=5.0", 3) show_img_with_matplotlib(cv2.cvtColor(gray_image_clahe_3, cv2.COLOR_GRAY2BGR), "gray CLAHE clipLimit=10.0", 4) show_img_with_matplotlib(cv2.cvtColor(gray_image_clahe_4, cv2.COLOR_GRAY2BGR), "gray CLAHE clipLimit=20.0", 5) show_img_with_matplotlib(image, "color", 6) show_img_with_matplotlib(image_clahe_color, "clahe on each channel(BGR)", 7) show_img_with_matplotlib(image_clahe_color_lab, "clahe on each channel(LAB)", 8) show_img_with_matplotlib(image_clahe_color_hsv, "clahe on each channel(HSV)", 9) show_img_with_matplotlib(image_clahe_color_yuv, "clahe on each channel(YUV)", 10) plt.show()

运行这段代码出现TypeError: '<' not supported between instances of 'datetime.date' and 'int'错误csp_info.replace(to_replace=r'^\s*$', value=np.nan, regex=True, inplace=True) csp_info.dropna(inplace=True) csp_info['year'] = csp_info['DealTime'].str.split('/', expand=True)[0] csp_info['month'] = csp_info['DealTime'].str.split('/', expand=True)[1] csp_info['day'] = csp_info['DealTime'].str.split('/', expand=True)[2].str.split(' ', expand=True)[0] stu_info_copy = stu_info[['bf_StudentID','cla_id']] # csp_info_copy = csp_info.copy() csp_info['csp_date'] = 0 csp_info['Mon'] = 0 for i in range(csp_info['csp_date'].shape[0]): csp_info['csp_date'].iloc[i] = str(csp_info['year'].iloc[i]) + '-' + str(csp_info['month'].iloc[i]) + '-' + str( csp_info['day'].iloc[i]) csp_info['Mon'].iloc[i] = float(str(csp_info['MonDeal'].iloc[i]).split('-')[1]) # print(csp_info) csp_info['csp_date'] = pd.to_datetime(csp_info['csp_date']).dt.date csp_info_copy = csp_info[['bf_StudentID', 'csp_date', 'Mon']] csp_num = csp_info_copy.groupby(['csp_date']).count().reset_index() csp_info_date_all = [] for i in range(csp_num.shape[0]): csp_info_date_all.append(str(csp_num['csp_date'].iloc[i])) print(len(csp_info_date_all)) stu_info_copy_merge = pd.merge(stu_info_copy, csp_info_copy, on='bf_StudentID', how='left') stu_info_copy_merge = stu_info_copy_merge.fillna(0) Mon_arr = [] for i in range(len(classId)): stu_info_copy_merge_id = stu_info_copy_merge.drop(stu_info_copy_merge[stu_info_copy_merge['cla_id'] != classId[i]].index) print(stu_info_copy_merge_id) csp_date = [] Mon= [] Num= [] csp_money = stu_info_copy_merge_id[['csp_date', 'Mon']].groupby('csp_date').sum().reset_index() csp_num = stu_info_copy_merge_id[['csp_date','Mon']].groupby('csp_date').count().reset_index() print(csp_money) print(csp_num)

最新推荐

三菱PLC例程源码QD75P八轴定位系统程序

三菱PLC例程源码QD75P八轴定位系统程序本资源系百度网盘分享地址

WeRoBot-0.3.2-py2.7.egg

Python库是一组预先编写的代码模块,旨在帮助开发者实现特定的编程任务,无需从零开始编写代码。这些库可以包括各种功能,如数学运算、文件操作、数据分析和网络编程等。Python社区提供了大量的第三方库,如NumPy、Pandas和Requests,极大地丰富了Python的应用领域,从数据科学到Web开发。Python库的丰富性是Python成为最受欢迎的编程语言之一的关键原因之一。这些库不仅为初学者提供了快速入门的途径,而且为经验丰富的开发者提供了强大的工具,以高效率、高质量地完成复杂任务。例如,Matplotlib和Seaborn库在数据可视化领域内非常受欢迎,它们提供了广泛的工具和技术,可以创建高度定制化的图表和图形,帮助数据科学家和分析师在数据探索和结果展示中更有效地传达信息。

tensorflow_serving_api_gpu-1.14.0-py2.py3-none-any.whl

Python库是一组预先编写的代码模块,旨在帮助开发者实现特定的编程任务,无需从零开始编写代码。这些库可以包括各种功能,如数学运算、文件操作、数据分析和网络编程等。Python社区提供了大量的第三方库,如NumPy、Pandas和Requests,极大地丰富了Python的应用领域,从数据科学到Web开发。Python库的丰富性是Python成为最受欢迎的编程语言之一的关键原因之一。这些库不仅为初学者提供了快速入门的途径,而且为经验丰富的开发者提供了强大的工具,以高效率、高质量地完成复杂任务。例如,Matplotlib和Seaborn库在数据可视化领域内非常受欢迎,它们提供了广泛的工具和技术,可以创建高度定制化的图表和图形,帮助数据科学家和分析师在数据探索和结果展示中更有效地传达信息。

三菱PLC例程源码ro1-chunshui

三菱PLC例程源码ro1_chun shui本资源系百度网盘分享地址

ExcelVBA中的Range和Cells用法说明.pdf

ExcelVBA中的Range和Cells用法是非常重要的,Range对象可以用来表示Excel中的单元格、单元格区域、行、列或者多个区域的集合。它可以实现对单元格内容的赋值、取值、复制、粘贴等操作。而Cells对象则表示Excel中的单个单元格,通过指定行号和列号来操作相应的单元格。 在使用Range对象时,我们需要指定所操作的单元格或单元格区域的具体位置,可以通过指定工作表、行号、列号或者具体的单元格地址来实现。例如,可以通过Worksheets("Sheet1").Range("A5")来表示工作表Sheet1中的第五行第一列的单元格。然后可以通过对该单元格的Value属性进行赋值,实现给单元格赋值的操作。例如,可以通过Worksheets("Sheet1").Range("A5").Value = 22来讲22赋值给工作表Sheet1中的第五行第一列的单元格。 除了赋值操作,Range对象还可以实现其他操作,比如取值、复制、粘贴等。通过获取单元格的Value属性,可以取得该单元格的值。可以通过Range对象的Copy和Paste方法实现单元格内容的复制和粘贴。例如,可以通过Worksheets("Sheet1").Range("A5").Copy和Worksheets("Sheet1").Range("B5").Paste来实现将单元格A5的内容复制到单元格B5。 Range对象还有很多其他属性和方法可供使用,比如Merge方法可以合并单元格、Interior属性可以设置单元格的背景颜色和字体颜色等。通过灵活运用Range对象的各种属性和方法,可以实现丰富多样的操作,提高VBA代码的效率和灵活性。 在处理大量数据时,Range对象的应用尤为重要。通过遍历整个单元格区域来实现对数据的批量处理,可以极大地提高代码的运行效率。同时,Range对象还可以多次使用,可以在多个工作表之间进行数据的复制、粘贴等操作,提高了代码的复用性。 另外,Cells对象也是一个非常实用的对象,通过指定行号和列号来操作单元格,可以简化对单元格的定位过程。通过Cells对象,可以快速准确地定位到需要操作的单元格,实现对数据的快速处理。 总的来说,Range和Cells对象在ExcelVBA中的应用非常广泛,可以实现对Excel工作表中各种数据的处理和操作。通过灵活使用Range对象的各种属性和方法,可以实现对单元格内容的赋值、取值、复制、粘贴等操作,提高代码的效率和灵活性。同时,通过Cells对象的使用,可以快速定位到需要操作的单元格,简化代码的编写过程。因此,深入了解和熟练掌握Range和Cells对象的用法对于提高ExcelVBA编程水平是非常重要的。

管理建模和仿真的文件

管理Boualem Benatallah引用此版本:布阿利姆·贝纳塔拉。管理建模和仿真。约瑟夫-傅立叶大学-格勒诺布尔第一大学,1996年。法语。NNT:电话:00345357HAL ID:电话:00345357https://theses.hal.science/tel-003453572008年12月9日提交HAL是一个多学科的开放存取档案馆,用于存放和传播科学研究论文,无论它们是否被公开。论文可以来自法国或国外的教学和研究机构,也可以来自公共或私人研究中心。L’archive ouverte pluridisciplinaire

C++中的数据库连接与操作技术

# 1. 数据库连接基础 数据库连接是在各种软件开发项目中常见的操作,它是连接应用程序与数据库之间的桥梁,负责传递数据与指令。在C++中,数据库连接的实现有多种方式,针对不同的需求和数据库类型有不同的选择。在本章中,我们将深入探讨数据库连接的概念、重要性以及在C++中常用的数据库连接方式。同时,我们也会介绍配置数据库连接的环境要求,帮助读者更好地理解和应用数据库连接技术。 # 2. 数据库操作流程 数据库操作是C++程序中常见的任务之一,通过数据库操作可以实现对数据库的增删改查等操作。在本章中,我们将介绍数据库操作的基本流程、C++中执行SQL查询语句的方法以及常见的异常处理技巧。让我们

unity中如何使用代码实现随机生成三个不相同的整数

你可以使用以下代码在Unity中生成三个不同的随机整数: ```csharp using System.Collections.Generic; public class RandomNumbers : MonoBehaviour { public int minNumber = 1; public int maxNumber = 10; private List<int> generatedNumbers = new List<int>(); void Start() { GenerateRandomNumbers();

基于单片机的电梯控制模型设计.doc

基于单片机的电梯控制模型设计是一项旨在完成课程设计的重要教学环节。通过使用Proteus软件与Keil软件进行整合,构建单片机虚拟实验平台,学生可以在PC上自行搭建硬件电路,并完成电路分析、系统调试和输出显示的硬件设计部分。同时,在Keil软件中编写程序,进行编译和仿真,完成系统的软件设计部分。最终,在PC上展示系统的运行效果。通过这种设计方式,学生可以通过仿真系统节约开发时间和成本,同时具有灵活性和可扩展性。 这种基于单片机的电梯控制模型设计有利于促进课程和教学改革,更有利于学生人才的培养。从经济性、可移植性、可推广性的角度来看,建立这样的课程设计平台具有非常重要的意义。通过仿真系统,学生可以在实际操作之前完成系统设计和调试工作,提高了实验效率和准确性。最终,通过Proteus设计PCB,并完成真正硬件的调试。这种设计方案可以为学生提供实践操作的机会,帮助他们更好地理解电梯控制系统的原理和实践应用。 在设计方案介绍中,指出了在工业领域中,通常采用可编程控制器或微型计算机实现电梯逻辑控制,虽然可编程控制器有较强的抗干扰性,但价格昂贵且针对性强。而通过单片机控制中心,可以针对不同楼层分别进行合理调度,实现电梯控制的模拟。设计中使用按键用于用户发出服务请求,LED用于显示电梯状态。通过这种设计方案,学生可以了解电梯控制系统的基本原理和实现方法,培养他们的实践操作能力和创新思维。 总的来说,基于单片机的电梯控制模型设计是一项具有重要意义的课程设计项目。通过Proteus软件与Keil软件的整合,搭建单片机虚拟实验平台,可以帮助学生更好地理解电梯控制系统的原理和实践应用,培养他们的实践操作能力和创新思维。这种设计方案不仅有利于课程和教学改革,也对学生的人才培养具有积极的促进作用。通过这样的设计方案,学生可以在未来的工作中更好地应用所学知识,为电梯控制系统的研发和应用做出贡献。

"互动学习:行动中的多样性与论文攻读经历"

多样性她- 事实上SCI NCES你的时间表ECOLEDO C Tora SC和NCESPOUR l’Ingén学习互动,互动学习以行动为中心的强化学习学会互动,互动学习,以行动为中心的强化学习计算机科学博士论文于2021年9月28日在Villeneuve d'Asq公开支持马修·瑟林评审团主席法布里斯·勒菲弗尔阿维尼翁大学教授论文指导奥利维尔·皮耶昆谷歌研究教授:智囊团论文联合主任菲利普·普雷教授,大学。里尔/CRISTAL/因里亚报告员奥利维耶·西格德索邦大学报告员卢多维奇·德诺耶教授,Facebook /索邦大学审查员越南圣迈IMT Atlantic高级讲师邀请弗洛里安·斯特鲁布博士,Deepmind对于那些及时看到自己错误的人...3谢谢你首先,我要感谢我的两位博士生导师Olivier和Philippe。奥利维尔,"站在巨人的肩膀上"这句话对你来说完全有意义了。从科学上讲,你知道在这篇论文的(许多)错误中,你是我可以依