python中note.shape

时间: 2024-06-08 07:06:42 浏览: 11
在Python中,`note.shape`通常不是一个有效的属性。如果你是指NumPy数组或者Pandas数据框的形状,你可以使用`.shape`属性来获取其维度。例如,对于一个NumPy数组`note`,你可以使用`note.shape`来获取其形状。如果你提供更多关于`note`的背景信息,我可以给你更详细的回答。
相关问题

python中knnimputer源代码

KNNImputer是sklearn.impute模块中的一个类,用于使用KNN算法对缺失值进行填充。以下是KNNImputer的源代码: ```python import numpy as np from scipy.spatial import cKDTree from sklearn.impute import _base as base from sklearn.utils.validation import check_array from sklearn.utils.validation import check_is_fitted class KNNImputer(base.BaseEstimator, base.TransformerMixin): """Impute missing values using k-Nearest Neighbors. Parameters ---------- n_neighbors : int, default=5 Number of neighboring samples to use for imputation. weights : {'uniform', 'distance'}, default='uniform' Weight function used in prediction. Possible values: - 'uniform' : uniform weights. All points in each neighborhood are weighted equally. - 'distance' : weight points by the inverse of their distance. in this case, closer neighbors of a query point will have a greater influence than neighbors which are further away. metric : str or callable, default='nan_euclidean' Distance metric to use. The default metric is 'nan_euclidean', which is a modified version of 'euclidean' that supports missing values. Possible values: - From scikit-learn: ['cityblock', 'cosine', 'euclidean', 'l1', 'l2', 'manhattan']. These metrics support sparse matrix inputs. - From scipy.spatial.distance: ['braycurtis', 'canberra', 'chebyshev', 'correlation', 'dice', 'hamming', 'jaccard', 'kulsinski', 'mahalanobis', 'matching', 'minkowski', 'rogerstanimoto', 'russellrao', 'seuclidean', 'sokalmichener', 'sokalsneath', 'sqeuclidean', 'yule']. These metrics do not support sparse matrix inputs. copy : bool, default=True If True, a copy of X will be created. If False, imputation will be done in-place whenever possible. Note that, in the following cases, a new copy will always be created, even if copy=False: - If X is not an array of floating values; - If X is sparse and `missing_values=0`; - If ``force_all_finite=True`` and X contains non-finite values. add_indicator : bool, default=False If True, an additional boolean feature is added for each feature where missing values exist. The location of missing values is indicated with ``True``. If ``use_cat_names=True`` and ``X`` is a pandas DataFrame, the indicator feature names are derived from the original feature names and appended with '_missing'. If ``use_cat_names=True``, categorical features with missing values will have an indicator feature created for each category. missing_values : {np.nan, None, int, float}, default=np.nan The placeholder for the missing values. All occurrences of `missing_values` will be imputed. For missing values encoded as np.nan, the `KNNImputer` assumes that the data is missing completely at random (MCAR) and will always impute this value during prediction. force_all_finite : bool, {'allow-nan', True}, default=True Whether to raise an error on encountering non-finite values (``True``) or just skip them (``allow-nan``). If ``allow-nan``, only missing values will be imputed. Notes ----- NaNs are considered as missing values. See also -------- IterativeImputer : Multivariate imputation of missing values using estimators with iterative training. Examples -------- >>> import numpy as np >>> from sklearn.impute import KNNImputer >>> X = np.array([[1, 2, np.nan], [3, 4, 3], [np.nan, 6, 5], [8, 8, 7]]) >>> imputer = KNNImputer(n_neighbors=2) >>> imputer.fit_transform(X) array([[1. , 2. , 4. ], [3. , 4. , 3. ], [5.5, 6. , 5. ], [8. , 8. , 7. ]]) """ def __init__(self, n_neighbors=5, weights="uniform", metric="nan_euclidean", copy=True, add_indicator=False, missing_values=np.nan, force_all_finite=True): self.n_neighbors = n_neighbors self.weights = weights self.metric = metric self.copy = copy self.add_indicator = add_indicator self.missing_values = missing_values self.force_all_finite = force_all_finite def _more_tags(self): return {'allow_nan': True} def fit(self, X, y=None): """Fit the KNNImputer on X. Parameters ---------- X : {array-like, sparse matrix} of shape (n_samples, n_features) Input data. Returns ------- self : KNNImputer """ X = self._validate_data(X, accept_sparse="csr", dtype=[np.float64, np.float32], force_all_finite=not self.add_indicator and self.force_all_finite, copy=self.copy) n_samples, n_features = X.shape if n_samples < self.n_neighbors: raise ValueError("n_neighbors must be less than or equal to " "the number of samples.") if self.metric == "precomputed": self.knn_.fit(X) else: self.tree_ = cKDTree(X, leafsize=30., metric=self.metric) self._fit_X = X if self.add_indicator: self._indicator = np.zeros((n_samples, n_features), dtype=bool) return self def transform(self, X): """Impute all missing values in X. Parameters ---------- X : {array-like, sparse matrix} of shape (n_samples, n_features) The input data to complete. Returns ------- X : {ndarray, sparse matrix} of shape (n_samples, n_features) The imputed input data. """ check_is_fitted(self) X = self._validate_data(X, accept_sparse="csr", dtype=[np.float64, np.float32], reset=False, copy=self.copy, force_all_finite=self.force_all_finite) n_samples, n_features = X.shape if self.add_indicator: if self._indicator is None: self._indicator = np.zeros((n_samples, n_features), dtype=bool) else: self._indicator.fill(False) # Initialize imputed array to input X X_imputed = X.copy() # Get indices of missing and non-missing values missing_mask = np.isnan(X) n_missing = np.sum(missing_mask, axis=1) n_non_missing = n_features - n_missing # KNN imputation step if np.any(missing_mask): if self.metric == "precomputed": X_imputed[missing_mask] = self.knn_.predict(X)[missing_mask] else: ind, dist = self.tree_.query(X[missing_mask], k=self.n_neighbors) # Compute weights if self.weights == 'uniform': weights = np.ones((self.n_neighbors,), dtype=X.dtype) elif self.weights == 'distance': # Prevent divide-by-zero errors dist[dist == 0] = np.nextafter(0, 1) weights = 1. / dist # Normalize weights weights_sum = np.sum(weights, axis=1)[:, np.newaxis] weights /= weights_sum # Compute imputed values if self.add_indicator: values_imputed = np.ma.array( self._fit_X[ind], mask=np.logical_not(missing_mask[:, np.newaxis]), fill_value=self.missing_values ) values_imputed.mask |= np.isnan(values_imputed.filled()) values_weighted = np.ma.average( values_imputed, axis=1, weights=weights ).data indicator_imputed = np.isnan(values_imputed.filled()).any(axis=1) self._indicator[missing_mask] = indicator_imputed else: values_imputed = np.ma.array( X_imputed[ind], mask=np.logical_not(missing_mask[:, np.newaxis]), fill_value=self.missing_values ) values_imputed.mask |= np.isnan(values_imputed.filled()) values_weighted = np.ma.average( values_imputed, axis=1, weights=weights ).data X_imputed[missing_mask] = values_weighted # Add indicator features if self.add_indicator: if isinstance(X_imputed, np.ndarray): X_imputed = np.hstack([X_imputed, self._indicator]) else: # sparse matrix from scipy.sparse import hstack from scipy.sparse import csr_matrix indicator_sparse = csr_matrix(self._indicator) X_imputed = hstack([X_imputed, indicator_sparse]) return X_imputed ``` 以上是KNNImputer的完整源代码。

Traceback (most recent call last): File "C:\Users\Adminis\Desktop\practice\颜色校正方法\main.py", line 61, in <module> img = auto_whiteBalance(img_data) File "C:\Users\Adminis\Desktop\practice\颜色校正方法\main.py", line 20, in auto_whiteBalance L_list = list(np.reshape(RL, (RL.shape[0] * RL.shape[1],)).astype(np.int)) File "C:\Users\Adminis\AppData\Local\Programs\Python\Python39\lib\site-packages\numpy\__init__.py", line 305, in __getattr__ raise AttributeError(__former_attrs__[attr]) AttributeError: module 'numpy' has no attribute 'int'. `np.int` was a deprecated alias for the builtin `int`. To avoid this error in existing code, use `int` by itself. Doing this will not modify any behavior and is safe. When replacing `np.int`, you may wish to use e.g. `np.int64` or `np.int32` to specify the precision. If you wish to review your current use, check the release note link for additional information. The aliases was originally deprecated in NumPy 1.20; for more details and guidance see the original release note at: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations

这个错误是由于您在代码中使用了`np.int`,而在新版本的NumPy中,`np.int`已被弃用。为了避免这个错误,您可以将`np.int`替换为Python内置的`int`。这样做不会改变任何行为并且是安全的。如果您希望指定精度,可以使用`np.int64`或`np.int32`等。您还可以查看NumPy的发布说明链接,了解更多关于这个问题的详细信息。 修改代码中的部分示例: ```python L_list = list(np.reshape(RL, (RL.shape[0] * RL.shape[1],)).astype(int)) ``` 请尝试使用上述修改后再次运行代码,看看问题是否得到解决。如果问题仍然存在,请提供更多的代码和数据细节,以便我能够更好地帮助您解决问题。

相关推荐

没有GPU,优化程序class point_cloud_generator(): def init(self, rgb_file, depth_file, save_ply, camera_intrinsics=[312.486, 243.928, 382.363, 382.363]): self.rgb_file = rgb_file self.depth_file = depth_file self.save_ply = save_ply self.rgb = cv2.imread(rgb_file) self.depth = cv2.imread(self.depth_file, -1) print("your depth image shape is:", self.depth.shape) self.width = self.rgb.shape[1] self.height = self.rgb.shape[0] self.camera_intrinsics = camera_intrinsics self.depth_scale = 1000 def compute(self): t1 = time.time() depth = np.asarray(self.depth, dtype=np.uint16).T self.Z = depth / self.depth_scale fx, fy, cx, cy = self.camera_intrinsics X = np.zeros((self.width, self.height)) Y = np.zeros((self.width, self.height)) for i in range(self.width): X[i, :] = np.full(X.shape[1], i) self.X = ((X - cx / 2) * self.Z) / fx for i in range(self.height): Y[:, i] = np.full(Y.shape[0], i) self.Y = ((Y - cy / 2) * self.Z) / fy data_ply = np.zeros((6, self.width * self.height)) data_ply[0] = self.X.T.reshape(-1)[:self.width * self.height] data_ply[1] = -self.Y.T.reshape(-1)[:self.width * self.height] data_ply[2] = -self.Z.T.reshape(-1)[:self.width * self.height] img = np.array(self.rgb, dtype=np.uint8) data_ply[3] = img[:, :, 0:1].reshape(-1)[:self.width * self.height] data_ply[4] = img[:, :, 1:2].reshape(-1)[:self.width * self.height] data_ply[5] = img[:, :, 2:3].reshape(-1)[:self.width * self.height] self.data_ply = data_ply t2 = time.time() print('calcualte 3d point cloud Done.', t2 - t1) def write_ply(self): start = time.time() float_formatter = lambda x: "%.4f" % x points = [] for i in self.data_ply

import numpy as np def sigmoid(x): # the sigmoid function return 1/(1+np.exp(-x)) class LogisticReg(object): def __init__(self, indim=1): # initialize the parameters with all zeros # w: shape of [d+1, 1] self.w = np.zeros((indim + 1, 1)) def set_param(self, weights, bias): # helper function to set the parameters # NOTE: you need to implement this to pass the autograde. # weights: vector of shape [d, ] # bias: scaler def get_param(self): # helper function to return the parameters # NOTE: you need to implement this to pass the autograde. # returns: # weights: vector of shape [d, ] # bias: scaler def compute_loss(self, X, t): # compute the loss # X: feature matrix of shape [N, d] # t: input label of shape [N, ] # NOTE: return the average of the log-likelihood, NOT the sum. # extend the input matrix # compute the loss and return the loss X_ext = np.concatenate((X, np.ones((X.shape[0], 1))), axis=1) # compute the log-likelihood def compute_grad(self, X, t): # X: feature matrix of shape [N, d] # grad: shape of [d, 1] # NOTE: return the average gradient, NOT the sum. def update(self, grad, lr=0.001): # update the weights # by the gradient descent rule def fit(self, X, t, lr=0.001, max_iters=1000, eps=1e-7): # implement the .fit() using the gradient descent method. # args: # X: input feature matrix of shape [N, d] # t: input label of shape [N, ] # lr: learning rate # max_iters: maximum number of iterations # eps: tolerance of the loss difference # TO NOTE: # extend the input features before fitting to it. # return the weight matrix of shape [indim+1, 1] def predict_prob(self, X): # implement the .predict_prob() using the parameters learned by .fit() # X: input feature matrix of shape [N, d] # NOTE: make sure you extend the feature matrix first, # the same way as what you did in .fit() method. # returns the prediction (likelihood) of shape [N, ] def predict(self, X, threshold=0.5): # implement the .predict() using the .predict_prob() method # X: input feature matrix of shape [N, d] # returns the prediction of shape [N, ], where each element is -1 or 1. # if the probability p>threshold, we determine t=1, otherwise t=-1

最新推荐

recommend-type

BSC关键绩效财务与客户指标详解

BSC(Balanced Scorecard,平衡计分卡)是一种战略绩效管理系统,它将企业的绩效评估从传统的财务维度扩展到非财务领域,以提供更全面、深入的业绩衡量。在提供的文档中,BSC绩效考核指标主要分为两大类:财务类和客户类。 1. 财务类指标: - 部门费用的实际与预算比较:如项目研究开发费用、课题费用、招聘费用、培训费用和新产品研发费用,均通过实际支出与计划预算的百分比来衡量,这反映了部门在成本控制上的效率。 - 经营利润指标:如承保利润、赔付率和理赔统计,这些涉及保险公司的核心盈利能力和风险管理水平。 - 人力成本和保费收益:如人力成本与计划的比例,以及标准保费、附加佣金、续期推动费用等与预算的对比,评估业务运营和盈利能力。 - 财务效率:包括管理费用、销售费用和投资回报率,如净投资收益率、销售目标达成率等,反映公司的财务健康状况和经营效率。 2. 客户类指标: - 客户满意度:通过包装水平客户满意度调研,了解产品和服务的质量和客户体验。 - 市场表现:通过市场销售月报和市场份额,衡量公司在市场中的竞争地位和销售业绩。 - 服务指标:如新契约标保完成度、续保率和出租率,体现客户服务质量和客户忠诚度。 - 品牌和市场知名度:通过问卷调查、公众媒体反馈和总公司级评价来评估品牌影响力和市场认知度。 BSC绩效考核指标旨在确保企业的战略目标与财务和非财务目标的平衡,通过量化这些关键指标,帮助管理层做出决策,优化资源配置,并驱动组织的整体业绩提升。同时,这份指标汇总文档强调了财务稳健性和客户满意度的重要性,体现了现代企业对多维度绩效管理的重视。
recommend-type

管理建模和仿真的文件

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

【实战演练】俄罗斯方块:实现经典的俄罗斯方块游戏,学习方块生成和行消除逻辑。

![【实战演练】俄罗斯方块:实现经典的俄罗斯方块游戏,学习方块生成和行消除逻辑。](https://p3-juejin.byteimg.com/tos-cn-i-k3u1fbpfcp/70a49cc62dcc46a491b9f63542110765~tplv-k3u1fbpfcp-zoom-in-crop-mark:1512:0:0:0.awebp) # 1. 俄罗斯方块游戏概述** 俄罗斯方块是一款经典的益智游戏,由阿列克谢·帕基特诺夫于1984年发明。游戏目标是通过控制不断下落的方块,排列成水平线,消除它们并获得分数。俄罗斯方块风靡全球,成为有史以来最受欢迎的视频游戏之一。 # 2.
recommend-type

卷积神经网络实现手势识别程序

卷积神经网络(Convolutional Neural Network, CNN)在手势识别中是一种非常有效的机器学习模型。CNN特别适用于处理图像数据,因为它能够自动提取和学习局部特征,这对于像手势这样的空间模式识别非常重要。以下是使用CNN实现手势识别的基本步骤: 1. **输入数据准备**:首先,你需要收集或获取一组带有标签的手势图像,作为训练和测试数据集。 2. **数据预处理**:对图像进行标准化、裁剪、大小调整等操作,以便于网络输入。 3. **卷积层(Convolutional Layer)**:这是CNN的核心部分,通过一系列可学习的滤波器(卷积核)对输入图像进行卷积,以
recommend-type

绘制企业战略地图:从财务到客户价值的六步法

"BSC资料.pdf" 战略地图是一种战略管理工具,它帮助企业将战略目标可视化,确保所有部门和员工的工作都与公司的整体战略方向保持一致。战略地图的核心内容包括四个相互关联的视角:财务、客户、内部流程和学习与成长。 1. **财务视角**:这是战略地图的最终目标,通常表现为股东价值的提升。例如,股东期望五年后的销售收入达到五亿元,而目前只有一亿元,那么四亿元的差距就是企业的总体目标。 2. **客户视角**:为了实现财务目标,需要明确客户价值主张。企业可以通过提供最低总成本、产品创新、全面解决方案或系统锁定等方式吸引和保留客户,以实现销售额的增长。 3. **内部流程视角**:确定关键流程以支持客户价值主张和财务目标的实现。主要流程可能包括运营管理、客户管理、创新和社会责任等,每个流程都需要有明确的短期、中期和长期目标。 4. **学习与成长视角**:评估和提升企业的人力资本、信息资本和组织资本,确保这些无形资产能够支持内部流程的优化和战略目标的达成。 绘制战略地图的六个步骤: 1. **确定股东价值差距**:识别与股东期望之间的差距。 2. **调整客户价值主张**:分析客户并调整策略以满足他们的需求。 3. **设定价值提升时间表**:规划各阶段的目标以逐步缩小差距。 4. **确定战略主题**:识别关键内部流程并设定目标。 5. **提升战略准备度**:评估并提升无形资产的战略准备度。 6. **制定行动方案**:根据战略地图制定具体行动计划,分配资源和预算。 战略地图的有效性主要取决于两个要素: 1. **KPI的数量及分布比例**:一个有效的战略地图通常包含20个左右的指标,且在四个视角之间有均衡的分布,如财务20%,客户20%,内部流程40%。 2. **KPI的性质比例**:指标应涵盖财务、客户、内部流程和学习与成长等各个方面,以全面反映组织的绩效。 战略地图不仅帮助管理层清晰传达战略意图,也使员工能更好地理解自己的工作如何对公司整体目标产生贡献,从而提高执行力和组织协同性。
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

【实战演练】井字棋游戏:开发井字棋游戏,重点在于AI对手的实现。

![【实战演练】井字棋游戏:开发井字棋游戏,重点在于AI对手的实现。](https://img-blog.csdnimg.cn/3d6666081a144d04ba37e95dca25dbd8.png) # 2.1 井字棋游戏规则 井字棋游戏是一个两人对弈的游戏,在3x3的棋盘上进行。玩家轮流在空位上放置自己的棋子(通常为“X”或“O”),目标是让自己的棋子连成一条直线(水平、垂直或对角线)。如果某位玩家率先完成这一目标,则该玩家获胜。 游戏开始时,棋盘上所有位置都为空。玩家轮流放置自己的棋子,直到出现以下情况之一: * 有玩家连成一条直线,获胜。 * 棋盘上所有位置都被占满,平局。
recommend-type

transformer模型对话

Transformer模型是一种基于自注意力机制的深度学习架构,最初由Google团队在2017年的论文《Attention is All You Need》中提出,主要用于自然语言处理任务,如机器翻译和文本生成。Transformer完全摒弃了传统的循环神经网络(RNN)和卷积神经网络(CNN),转而采用全连接的方式处理序列数据,这使得它能够并行计算,极大地提高了训练速度。 在对话系统中,Transformer模型通过编码器-解码器结构工作。编码器将输入序列转化为固定长度的上下文向量,而解码器则根据这些向量逐步生成响应,每一步都通过自注意力机制关注到输入序列的所有部分,这使得模型能够捕捉到
recommend-type

BSC关键绩效指标详解:财务与运营效率评估

BSC(Balanced Scorecard,平衡计分卡)是一种企业绩效管理系统,它将公司的战略目标分解为四个维度:财务、客户、内部流程和学习与成长。在这个文档中,我们看到的是针对特定行业(可能是保险或保险经纪)的BSC绩效考核指标汇总,专注于财务类和非财务类的关键绩效指标(KPIs)。 财务类指标: 1. 部门费用预算达成率:衡量实际支出与计划费用之间的对比,通过公式 (实际部门费用/计划费用)*100% 来计算,数据来源于部门的预算和实际支出记录。 2. 项目研究开发费用预算达成率:同样用于评估研发项目的资金管理,公式为 (实际项目研究开发费用/计划费用)*100%。 3. 课题费用预算达成率、招聘费用预算达成率、培训费用预算达成率 和 新产品研究开发费用预算达成率:这些都是人力资源相关开支的预算执行情况,涉及到费用的实际花费与计划金额的比例。 4. 承保利润:衡量保险公司盈利能力的重要指标,包括赔付率和寿险各险种的死差损益(实际死亡率与预期死亡率的差异)。 5. 赔付率:反映保险公司的赔付情况,是业务健康度的一个关键指标。 6. 内嵌价值的增加:代表了保单的价值增长,反映了公司长期盈利能力。 7. 人力成本总额控制率:通过比较实际人力成本与计划成本来评估人力成本的有效管理。 8. 标准保费达成率:衡量公司的销售业绩,即实际收取保费与目标保费的比率。 9. 其他费用比率,如附加佣金、续期推动费用、业务推动费用等,用来评估营销费用的效率。 非财务类指标: 1. 销售目标达成率:衡量销售团队完成预定目标的程度,通过实际销售额与计划销售额的比率计算。 2. 理赔率:体现客户服务质量和效率,涉及保险公司处理理赔请求的速度和成功率。 3. 产品/服务销售收入达成率:衡量产品或服务的实际销售效果,反映市场响应和客户满意度。 这些指标集合在一起,提供了全面的视角来评估公司的经营效率、财务表现以及战略执行情况。通过定期跟踪和分析这些数据,企业可以持续优化策略,提升业绩,确保与整体战略目标的一致性。每个指标的数据来源通常来自于相关部门的预算和实际操作记录,确保信息的准确性。
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·恩