U-net中的train loss

时间: 2023-06-25 22:04:33 浏览: 52
U-net是一种用于图像分割的深度学习模型,其训练损失函数通常采用交叉熵损失函数。对于每个像素点,模型会预测其属于哪个类别,然后将预测结果与真实标签进行比较,计算交叉熵损失。由于U-net模型中存在梯度下降的过程,因此优化器通常会使用Adam等常见的优化器算法。在训练过程中,通过不断调整模型参数以最小化损失函数,从而实现模型的训练和优化。
相关问题

U-Net医学图像分割实战

U-Net是一种用于医学图像分割的深度学习模型,它在2015年由Olaf Ronneberger等人提出。U-Net的结构类似于一个U形,因此得名,它基于卷积神经网络(CNN)的思想,使用反卷积层实现了图像的上采样,在这方面比其他图像分割模型更具优势。 下面是U-Net模型的结构: ![U-Net模型](https://www.jeremyjordan.me/content/images/2018/05/u-net-architecture.png) U-Net模型分为两个部分:编码器和解码器。编码器部分由卷积层和最大池化层组成,在特征提取的同时缩小输入图像的大小。解码器部分由反卷积层和卷积层组成,将特征图像上采样到原始大小,并输出分割结果。 为了更好地理解U-Net模型,我们可以通过一个医学图像分割的实战来进一步学习。 ## 实战:使用U-Net进行肝脏图像分割 ### 数据集 我们使用了一个公共的医学图像分割数据集,名为MICCAI 2017 Liver Tumor Segmentation (LiTS) Challenge Data。该数据集包含131个肝脏CT图像,每个图像的大小为512x512,以及相应的肝脏和肝癌分割结果。 数据集可以从以下网址下载:https://competitions.codalab.org/competitions/17094 ### 环境配置 - Python 3.6 - TensorFlow 1.14 - keras 2.2.4 ### 数据预处理 在训练U-Net模型之前,我们需要对数据进行预处理。这里我们使用了一些常见的数据增强技术,包括旋转、翻转、缩放和随机裁剪等。 ```python import numpy as np import cv2 import os def data_augmentation(image, label): if np.random.random() < 0.5: # rotate image and label angle = np.random.randint(-10, 10) rows, cols = image.shape[:2] M = cv2.getRotationMatrix2D((cols/2, rows/2), angle, 1) image = cv2.warpAffine(image, M, (cols, rows)) label = cv2.warpAffine(label, M, (cols, rows)) if np.random.random() < 0.5: # flip image and label image = cv2.flip(image, 1) label = cv2.flip(label, 1) if np.random.random() < 0.5: # scale image and label scale = np.random.uniform(0.8, 1.2) rows, cols = image.shape[:2] M = cv2.getRotationMatrix2D((cols/2, rows/2), 0, scale) image = cv2.warpAffine(image, M, (cols, rows), borderMode=cv2.BORDER_REFLECT) label = cv2.warpAffine(label, M, (cols, rows), borderMode=cv2.BORDER_REFLECT) if np.random.random() < 0.5: # crop image and label rows, cols = image.shape[:2] x = np.random.randint(0, rows - 256) y = np.random.randint(0, cols - 256) image = image[x:x+256, y:y+256] label = label[x:x+256, y:y+256] return image, label def preprocess_data(image_path, label_path): image = cv2.imread(image_path, cv2.IMREAD_GRAYSCALE).astype(np.float32) label = cv2.imread(label_path, cv2.IMREAD_GRAYSCALE).astype(np.float32) # normalize image image = (image - np.mean(image)) / np.std(image) # resize image and label image = cv2.resize(image, (256, 256)) label = cv2.resize(label, (256, 256)) # perform data augmentation image, label = data_augmentation(image, label) # convert label to binary mask label[label > 0] = 1 return image, label ``` ### 构建U-Net模型 我们使用了Keras来构建U-Net模型,代码如下: ```python from keras.models import Model from keras.layers import Input, Conv2D, MaxPooling2D, Dropout, UpSampling2D, concatenate def unet(input_size=(256, 256, 1)): inputs = Input(input_size) # encoder conv1 = Conv2D(64, 3, activation='relu', padding='same', kernel_initializer='he_normal')(inputs) conv1 = Conv2D(64, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv1) pool1 = MaxPooling2D(pool_size=(2, 2))(conv1) conv2 = Conv2D(128, 3, activation='relu', padding='same', kernel_initializer='he_normal')(pool1) conv2 = Conv2D(128, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv2) pool2 = MaxPooling2D(pool_size=(2, 2))(conv2) conv3 = Conv2D(256, 3, activation='relu', padding='same', kernel_initializer='he_normal')(pool2) conv3 = Conv2D(256, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv3) pool3 = MaxPooling2D(pool_size=(2, 2))(conv3) conv4 = Conv2D(512, 3, activation='relu', padding='same', kernel_initializer='he_normal')(pool3) conv4 = Conv2D(512, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv4) drop4 = Dropout(0.5)(conv4) pool4 = MaxPooling2D(pool_size=(2, 2))(drop4) # decoder up5 = UpSampling2D(size=(2, 2))(pool4) up5 = Conv2D(512, 2, activation='relu', padding='same', kernel_initializer='he_normal')(up5) merge5 = concatenate([drop4, up5], axis=3) conv5 = Conv2D(512, 3, activation='relu', padding='same', kernel_initializer='he_normal')(merge5) conv5 = Conv2D(512, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv5) up6 = UpSampling2D(size=(2, 2))(conv5) up6 = Conv2D(256, 2, activation='relu', padding='same', kernel_initializer='he_normal')(up6) merge6 = concatenate([conv3, up6], axis=3) conv6 = Conv2D(256, 3, activation='relu', padding='same', kernel_initializer='he_normal')(merge6) conv6 = Conv2D(256, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv6) up7 = UpSampling2D(size=(2, 2))(conv6) up7 = Conv2D(128, 2, activation='relu', padding='same', kernel_initializer='he_normal')(up7) merge7 = concatenate([conv2, up7], axis=3) conv7 = Conv2D(128, 3, activation='relu', padding='same', kernel_initializer='he_normal')(merge7) conv7 = Conv2D(128, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv7) up8 = UpSampling2D(size=(2, 2))(conv7) up8 = Conv2D(64, 2, activation='relu', padding='same', kernel_initializer='he_normal')(up8) merge8 = concatenate([conv1, up8], axis=3) conv8 = Conv2D(64, 3, activation='relu', padding='same', kernel_initializer='he_normal')(merge8) conv8 = Conv2D(64, 3, activation='relu', padding='same', kernel_initializer='he_normal')(conv8) outputs = Conv2D(1, 1, activation='sigmoid')(conv8) model = Model(inputs=inputs, outputs=outputs) model.compile(optimizer='adam', loss='binary_crossentropy', metrics=['accuracy']) return model ``` ### 训练模型 我们将数据集分为训练集和测试集,然后使用Keras的fit方法来训练模型。 ```python from keras.callbacks import ModelCheckpoint # set paths train_path = '/path/to/train' test_path = '/path/to/test' # get list of images and labels train_images = sorted(os.listdir(os.path.join(train_path, 'images'))) train_labels = sorted(os.listdir(os.path.join(train_path, 'labels'))) test_images = sorted(os.listdir(os.path.join(test_path, 'images'))) test_labels = sorted(os.listdir(os.path.join(test_path, 'labels'))) # initialize model model = unet() # train model checkpoint = ModelCheckpoint('model.h5', verbose=1, save_best_only=True) model.fit_generator(generator(train_path, train_images, train_labels), steps_per_epoch=100, epochs=10, validation_data=generator(test_path, test_images, test_labels), validation_steps=50, callbacks=[checkpoint]) ``` ### 评估模型 训练完成后,我们需要对模型进行评估。这里我们使用了Dice系数和交并比(IoU)这两个常用的评估指标。 ```python def dice_coef(y_true, y_pred): smooth = 1e-5 y_true_f = K.flatten(y_true) y_pred_f = K.flatten(y_pred) intersection = K.sum(y_true_f * y_pred_f) return (2. * intersection + smooth) / (K.sum(y_true_f) + K.sum(y_pred_f) + smooth) def iou(y_true, y_pred): smooth = 1e-5 y_true_f = K.flatten(y_true) y_pred_f = K.flatten(y_pred) intersection = K.sum(y_true_f * y_pred_f) union = K.sum(y_true_f) + K.sum(y_pred_f) - intersection return (intersection + smooth) / (union + smooth) model = load_model('model.h5', custom_objects={'dice_coef': dice_coef, 'iou': iou}) test_images = sorted(os.listdir(os.path.join(test_path, 'images'))) test_labels = sorted(os.listdir(os.path.join(test_path, 'labels'))) dice_coefficients = [] ious = [] for i in range(len(test_images)): # preprocess image and label image_path = os.path.join(test_path, 'images', test_images[i]) label_path = os.path.join(test_path, 'labels', test_labels[i]) image, label = preprocess_data(image_path, label_path) # predict label pred = model.predict(np.expand_dims(image, axis=0))[0] # calculate dice coefficient and IoU dice_coefficient = dice_coef(np.expand_dims(label, axis=0), np.expand_dims(pred, axis=0)) iou_ = iou(np.expand_dims(label, axis=0), np.expand_dims(pred, axis=0)) dice_coefficients.append(dice_coefficient) ious.append(iou_) # calculate average dice coefficient and IoU print('Dice coefficient:', np.mean(dice_coefficients)) print('IoU:', np.mean(ious)) ``` 通过实战,我们可以更加深入地了解U-Net模型的原理和使用方法。

u-net医学图像分割代码

以下是使用PyTorch实现U-Net医学图像分割的示例代码: ```python import torch import torch.nn as nn # 定义U-Net模型 class UNet(nn.Module): def __init__(self): super(UNet, self).__init__() # 定义卷积模块 self.conv1 = nn.Conv2d(1, 64, kernel_size=3, padding=1) self.conv2 = nn.Conv2d(64, 64, kernel_size=3, padding=1) self.conv3 = nn.Conv2d(64, 128, kernel_size=3, padding=1) self.conv4 = nn.Conv2d(128, 128, kernel_size=3, padding=1) self.conv5 = nn.Conv2d(128, 256, kernel_size=3, padding=1) self.conv6 = nn.Conv2d(256, 256, kernel_size=3, padding=1) self.conv7 = nn.Conv2d(256, 512, kernel_size=3, padding=1) self.conv8 = nn.Conv2d(512, 512, kernel_size=3, padding=1) self.conv9 = nn.Conv2d(512, 1024, kernel_size=3, padding=1) self.conv10 = nn.Conv2d(1024, 1024, kernel_size=3, padding=1) # 定义反卷积模块 self.upconv1 = nn.ConvTranspose2d(1024, 512, kernel_size=2, stride=2) self.conv11 = nn.Conv2d(1024, 512, kernel_size=3, padding=1) self.conv12 = nn.Conv2d(512, 512, kernel_size=3, padding=1) self.upconv2 = nn.ConvTranspose2d(512, 256, kernel_size=2, stride=2) self.conv13 = nn.Conv2d(512, 256, kernel_size=3, padding=1) self.conv14 = nn.Conv2d(256, 256, kernel_size=3, padding=1) self.upconv3 = nn.ConvTranspose2d(256, 128, kernel_size=2, stride=2) self.conv15 = nn.Conv2d(256, 128, kernel_size=3, padding=1) self.conv16 = nn.Conv2d(128, 128, kernel_size=3, padding=1) self.upconv4 = nn.ConvTranspose2d(128, 64, kernel_size=2, stride=2) self.conv17 = nn.Conv2d(128, 64, kernel_size=3, padding=1) self.conv18 = nn.Conv2d(64, 64, kernel_size=3, padding=1) self.conv19 = nn.Conv2d(64, 2, kernel_size=1) # 定义前向传播函数 def forward(self, x): # 编码器部分 x1 = nn.functional.relu(self.conv1(x)) x2 = nn.functional.relu(self.conv2(x1)) x3 = nn.functional.max_pool2d(x2, kernel_size=2, stride=2) x4 = nn.functional.relu(self.conv3(x3)) x5 = nn.functional.relu(self.conv4(x4)) x6 = nn.functional.max_pool2d(x5, kernel_size=2, stride=2) x7 = nn.functional.relu(self.conv5(x6)) x8 = nn.functional.relu(self.conv6(x7)) x9 = nn.functional.max_pool2d(x8, kernel_size=2, stride=2) x10 = nn.functional.relu(self.conv7(x9)) x11 = nn.functional.relu(self.conv8(x10)) x12 = nn.functional.max_pool2d(x11, kernel_size=2, stride=2) x13 = nn.functional.relu(self.conv9(x12)) x14 = nn.functional.relu(self.conv10(x13)) # 解码器部分 x15 = nn.functional.relu(self.upconv1(x14)) x15 = torch.cat((x15, x11), dim=1) x16 = nn.functional.relu(self.conv11(x15)) x17 = nn.functional.relu(self.conv12(x16)) x18 = nn.functional.relu(self.upconv2(x17)) x18 = torch.cat((x18, x8), dim=1) x19 = nn.functional.relu(self.conv13(x18)) x20 = nn.functional.relu(self.conv14(x19)) x21 = nn.functional.relu(self.upconv3(x20)) x21 = torch.cat((x21, x5), dim=1) x22 = nn.functional.relu(self.conv15(x21)) x23 = nn.functional.relu(self.conv16(x22)) x24 = nn.functional.relu(self.upconv4(x23)) x24 = torch.cat((x24, x2), dim=1) x25 = nn.functional.relu(self.conv17(x24)) x26 = nn.functional.relu(self.conv18(x25)) x27 = self.conv19(x26) return x27 # 定义数据加载器 class Dataset(torch.utils.data.Dataset): def __init__(self, images, labels): self.images = images self.labels = labels def __getitem__(self, index): image = self.images[index] label = self.labels[index] return image, label def __len__(self): return len(self.images) # 定义训练函数 def train(model, train_loader, criterion, optimizer, device): model.train() running_loss = 0.0 for inputs, labels in train_loader: inputs, labels = inputs.to(device), labels.to(device) optimizer.zero_grad() outputs = model(inputs) loss = criterion(outputs, labels) loss.backward() optimizer.step() running_loss += loss.item() * inputs.size(0) epoch_loss = running_loss / len(train_loader.dataset) return epoch_loss # 定义测试函数 def test(model, test_loader, criterion, device): model.eval() running_loss = 0.0 with torch.no_grad(): for inputs, labels in test_loader: inputs, labels = inputs.to(device), labels.to(device) outputs = model(inputs) loss = criterion(outputs, labels) running_loss += loss.item() * inputs.size(0) epoch_loss = running_loss / len(test_loader.dataset) return epoch_loss # 加载数据集 images_train = # 包含训练图像的numpy数组 labels_train = # 包含训练标签的numpy数组 images_test = # 包含测试图像的numpy数组 labels_test = # 包含测试标签的numpy数组 # 定义超参数 batch_size = 4 learning_rate = 0.001 num_epochs = 10 # 将数据转换为PyTorch张量 images_train = torch.from_numpy(images_train).float() labels_train = torch.from_numpy(labels_train).long() images_test = torch.from_numpy(images_test).float() labels_test = torch.from_numpy(labels_test).long() # 创建数据集 train_dataset = Dataset(images_train, labels_train) test_dataset = Dataset(images_test, labels_test) # 创建数据加载器 train_loader = torch.utils.data.DataLoader(train_dataset, batch_size=batch_size, shuffle=True) test_loader = torch.utils.data.DataLoader(test_dataset, batch_size=batch_size, shuffle=False) # 创建模型和优化器 model = UNet() optimizer = torch.optim.Adam(model.parameters(), lr=learning_rate) # 将模型移动到GPU上 device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') model.to(device) # 定义损失函数 criterion = nn.CrossEntropyLoss() # 训练模型 for epoch in range(num_epochs): train_loss = train(model, train_loader, criterion, optimizer, device) test_loss = test(model, test_loader, criterion, device) print('Epoch [{}/{}], Train Loss: {:.4f}, Test Loss: {:.4f}'.format(epoch+1, num_epochs, train_loss, test_loss)) # 保存模型 torch.save(model.state_dict(), 'unet.pth') ``` 请注意,上述示例代码仅包含U-Net模型的实现和训练代码,并且需要自己准备数据和标签。在实际应用中,还需要进行数据预处理、数据增强和模型评估等操作。

相关推荐

最新推荐

recommend-type

zigbee-cluster-library-specification

最新的zigbee-cluster-library-specification说明文档。
recommend-type

管理建模和仿真的文件

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

MATLAB柱状图在信号处理中的应用:可视化信号特征和频谱分析

![matlab画柱状图](https://img-blog.csdnimg.cn/3f32348f1c9c4481a6f5931993732f97.png) # 1. MATLAB柱状图概述** MATLAB柱状图是一种图形化工具,用于可视化数据中不同类别或组的分布情况。它通过绘制垂直条形来表示每个类别或组中的数据值。柱状图在信号处理中广泛用于可视化信号特征和进行频谱分析。 柱状图的优点在于其简单易懂,能够直观地展示数据分布。在信号处理中,柱状图可以帮助工程师识别信号中的模式、趋势和异常情况,从而为信号分析和处理提供有价值的见解。 # 2. 柱状图在信号处理中的应用 柱状图在信号处理
recommend-type

从键盘输入一段英文字符串,其中包含多个字母‘h',请编写程序利用正则表达式,将英文字符串中的’h'全部改为‘H’

好的,我可以帮您解决这个问题。 您可以使用 Python 编写一个程序来实现这个功能。具体步骤如下: 1. 首先导入 re 模块,这个模块是 Python 中用于处理正则表达式的模块。 2. 然后定义一个包含英文字符串的变量,例如: text = "This is a string containing multiple h's." 3. 接下来,使用 re.sub() 方法来进行替换操作。re.sub() 方法的第一个参数是正则表达式,第二个参数是替换的字符或字符串,第三个参数是被替换的字符串。在这个例子里,我们需要将所有的小写字母 h 替换成大写字母 H,所以正则表达式可以写成
recommend-type

JSBSim Reference Manual

JSBSim参考手册,其中包含JSBSim简介,JSBSim配置文件xml的编写语法,编程手册以及一些应用实例等。其中有部分内容还没有写完,估计有生之年很难看到完整版了,但是内容还是很有参考价值的。
recommend-type

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

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

MATLAB柱状图在数据分析中的作用:从可视化到洞察

![MATLAB柱状图在数据分析中的作用:从可视化到洞察](https://img-blog.csdnimg.cn/img_convert/1a36558cefc0339f7836cca7680c0aef.png) # 1. MATLAB柱状图概述** 柱状图是一种广泛用于数据可视化的图表类型,它使用垂直条形来表示数据中不同类别或组别的值。在MATLAB中,柱状图通过`bar`函数创建,该函数接受数据向量或矩阵作为输入,并生成相应的高度条形。 柱状图的优点在于其简单性和易于理解性。它们可以快速有效地传达数据分布和组别之间的比较。此外,MATLAB提供了广泛的定制选项,允许用户调整条形颜色、
recommend-type

MySQL 什么情况下不会使用到索引

MySQL 不会使用索引的情况主要包括: 1. 查询的数据量太少,全表扫描比使用索引更快; 2. 使用了函数或表达式对索引字段进行运算; 3. 对索引字段进行了类型转换; 4. 索引列上出现了函数或者运算符; 5. 查询语句中使用了 OR 连接多个条件; 6. 查询条件中有 NULL 值; 7. 数据表的数据量过于庞大,索引失去了优势。
recommend-type

c++校园超市商品信息管理系统课程设计说明书(含源代码) (2).pdf

校园超市商品信息管理系统课程设计旨在帮助学生深入理解程序设计的基础知识,同时锻炼他们的实际操作能力。通过设计和实现一个校园超市商品信息管理系统,学生掌握了如何利用计算机科学与技术知识解决实际问题的能力。在课程设计过程中,学生需要对超市商品和销售员的关系进行有效管理,使系统功能更全面、实用,从而提高用户体验和便利性。 学生在课程设计过程中展现了积极的学习态度和纪律,没有缺勤情况,演示过程流畅且作品具有很强的使用价值。设计报告完整详细,展现了对问题的深入思考和解决能力。在答辩环节中,学生能够自信地回答问题,展示出扎实的专业知识和逻辑思维能力。教师对学生的表现予以肯定,认为学生在课程设计中表现出色,值得称赞。 整个课程设计过程包括平时成绩、报告成绩和演示与答辩成绩三个部分,其中平时表现占比20%,报告成绩占比40%,演示与答辩成绩占比40%。通过这三个部分的综合评定,最终为学生总成绩提供参考。总评分以百分制计算,全面评估学生在课程设计中的各项表现,最终为学生提供综合评价和反馈意见。 通过校园超市商品信息管理系统课程设计,学生不仅提升了对程序设计基础知识的理解与应用能力,同时也增强了团队协作和沟通能力。这一过程旨在培养学生综合运用技术解决问题的能力,为其未来的专业发展打下坚实基础。学生在进行校园超市商品信息管理系统课程设计过程中,不仅获得了理论知识的提升,同时也锻炼了实践能力和创新思维,为其未来的职业发展奠定了坚实基础。 校园超市商品信息管理系统课程设计的目的在于促进学生对程序设计基础知识的深入理解与掌握,同时培养学生解决实际问题的能力。通过对系统功能和用户需求的全面考量,学生设计了一个实用、高效的校园超市商品信息管理系统,为用户提供了更便捷、更高效的管理和使用体验。 综上所述,校园超市商品信息管理系统课程设计是一项旨在提升学生综合能力和实践技能的重要教学活动。通过此次设计,学生不仅深化了对程序设计基础知识的理解,还培养了解决实际问题的能力和团队合作精神。这一过程将为学生未来的专业发展提供坚实基础,使其在实际工作中能够胜任更多挑战。
recommend-type

关系数据表示学习

关系数据卢多维奇·多斯桑托斯引用此版本:卢多维奇·多斯桑托斯。关系数据的表示学习机器学习[cs.LG]。皮埃尔和玛丽·居里大学-巴黎第六大学,2017年。英语。NNT:2017PA066480。电话:01803188HAL ID:电话:01803188https://theses.hal.science/tel-01803188提交日期:2018年HAL是一个多学科的开放存取档案馆,用于存放和传播科学研究论文,无论它们是否被公开。论文可以来自法国或国外的教学和研究机构,也可以来自公共或私人研究中心。L’archive ouverte pluridisciplinaireUNIVERSITY PIERRE和 MARIE CURIE计算机科学、电信和电子学博士学院(巴黎)巴黎6号计算机科学实验室D八角形T HESIS关系数据表示学习作者:Ludovic DOS SAntos主管:Patrick GALLINARI联合主管:本杰明·P·伊沃瓦斯基为满足计算机科学博士学位的要求而提交的论文评审团成员:先生蒂埃里·A·退休记者先生尤尼斯·B·恩