def file2matrix(filename):

时间: 2024-10-01 08:10:59 浏览: 29
`file2matrix`函数通常用于文本文件到二维数组的转换,常见于机器学习的数据预处理步骤中。这个函数的作用是从指定的文件中读取每一行的内容,并将其解析成一维向量,然后将所有行组合成一个矩阵。这里的"filename"参数就是你要处理的文件名。 以下是`file2matrix`函数的一个简单示例,假设文件是以空格分隔的逗号值对(如CSV文件): ```python def file2matrix(filename): # 打开文件并逐行读取 with open(filename, 'r') as f: lines = f.readlines() # 初始化一个空矩阵 data_matrix = [] # 对于文件中的每一行 for line in lines: # 删除行尾的换行符,并分割成元素 row_data = line.strip().split(',') # 将元素添加到当前行列表 data_matrix.append([float(element) for element in row_data]) return np.array(data_matrix) ``` 这个函数返回的是一个numpy数组,方便进一步的数据分析和模型构建。
相关问题

def file2matrix(filename): fr = open(filename) numberOfLines = len(fr.readlines()) # get the number of lines in the file returnMat = zeros((numberOfLines, 3)) # prepare matrix to return classLabelVector = [] # prepare labels return fr = open(filename) index = 0 for line in fr.readlines(): line = line.strip() listFromLine = line.split('\t') returnMat[index, :] = listFromLine[0:3] classLabelVector.append(int(listFromLine[-1])) index += 1 return returnMat, classLabelVector解释一下这段代码

这段代码实现了从文本文件中读取数据,将数据存储到矩阵中,并返回矩阵和标签向量的函数。具体解释如下: - `filename`:表示要读取的文件名。 - `fr = open(filename)`:打开文件。 - `numberOfLines = len(fr.readlines())`:读取文件中的所有行,并计算行数。 - `returnMat = zeros((numberOfLines, 3))`:根据行数创建一个大小为`(numberOfLines,3)`的零矩阵,用于存储数据。 - `classLabelVector = []`:创建一个空列表,用于存储标签向量。 - `fr = open(filename)`:再次打开文件。 - `index = 0`:初始化索引值为0。 - `for line in fr.readlines():`:遍历文件中的每一行。 - `line = line.strip()`:去掉行末的换行符。 - `listFromLine = line.split('\t')`:将当前行按制表符`\t`分割成一个列表。 - `returnMat[index, :] = listFromLine[0:3]`:将当前行的前三个元素存储到矩阵`returnMat`的第`index`行中。 - `classLabelVector.append(int(listFromLine[-1]))`:将当前行的最后一个元素(标签)转换成整数类型,并添加到标签向量`classLabelVector`中。 - `index += 1`:将索引值加1。 - `return returnMat, classLabelVector`:返回存储数据的矩阵`returnMat`和标签向量`classLabelVector`。

import numpy as np def replacezeroes(data): min_nonzero = np.min(data[np.nonzero(data)]) data[data == 0] = min_nonzero return data # Change the line below, based on U file # Foundation users set it to 20, ESI users set it to 21 LINE = 20 def read_scalar(filename): # Read file file = open(filename, 'r') lines_1 = file.readlines() file.close() num_cells_internal = int(lines_1[LINE].strip('\n')) lines_1 = lines_1[LINE + 2:LINE + 2 + num_cells_internal] for i in range(len(lines_1)): lines_1[i] = lines_1[i].strip('\n') field = np.asarray(lines_1).astype('double').reshape(num_cells_internal, 1) field = replacezeroes(field) return field def read_vector(filename): # Only x,y components file = open(filename, 'r') lines_1 = file.readlines() file.close() num_cells_internal = int(lines_1[LINE].strip('\n')) lines_1 = lines_1[LINE + 2:LINE + 2 + num_cells_internal] for i in range(len(lines_1)): lines_1[i] = lines_1[i].strip('\n') lines_1[i] = lines_1[i].strip('(') lines_1[i] = lines_1[i].strip(')') lines_1[i] = lines_1[i].split() field = np.asarray(lines_1).astype('double')[:, :2] return field if __name__ == '__main__': print('Velocity reader file') heights = [2.0, 1.5, 0.5, 0.75, 1.75, 1.25] total_dataset = [] # Read Cases for i, h in enumerate(heights, start=1): U = read_vector(f'U_{i}') nut = read_scalar(f'nut_{i}') cx = read_scalar(f'cx_{i}') cy = read_scalar(f'cy_{i}') h = np.ones(shape=(np.shape(U)[0], 1), dtype='double') * h temp_dataset = np.concatenate((U, cx, cy, h, nut), axis=-1) total_dataset.append(temp_dataset) total_dataset = np.reshape(total_dataset, (-1, 6)) print(total_dataset.shape) # Save data np.save('Total_dataset.npy', total_dataset) # Save the statistics of the data means = np.mean(total_dataset, axis=0).reshape(1, np.shape(total_dataset)[1]) stds = np.std(total_dataset, axis=0).reshape(1, np.shape(total_dataset)[1]) # Concatenate op_data = np.concatenate((means, stds), axis=0) np.savetxt('means', op_data, delimiter=' ') # Need to write out in OpenFOAM rectangular matrix format print('Means:') print(means) print('Stds:') print(stds)解析python代码,说明读取的数据文件格式

这段代码是一个用于读取数据文件的 Python 脚本。它包含了两个函数:`read_scalar(filename)` 和 `read_vector(filename)`,并使用了 `replacezeroes(data)` 函数来替换数组中的零值。脚本读取名为 `U_1`, `U_2`, ..., `U_6` 的文件,并根据文件中的数据生成一个包含各个高度的数据集。 函数 `read_scalar(filename)` 用于读取标量数据文件。它打开给定的文件,读取指定行数的数据,并将其存储在一个 NumPy 数组中。函数 `read_vector(filename)` 用于读取包含 x 和 y 分量的矢量数据文件。它也打开给定的文件,读取指定行数的数据,并将其存储在一个 NumPy 数组中。 在脚本的主程序中,一共读取了 6 个名为 `U`, `nut`, `cx`, `cy`, `h` 的文件,并将它们的数据分别存储在 `total_dataset` 列表中。然后,通过使用 NumPy 的函数将列表中的数据合并成一个包含 6 列的数组。最后,将合并后的数据保存为 `Total_dataset.npy` 文件,并计算并保存数据的均值和标准差。 这段代码假设数据文件的格式为文本文件,每行包含一个数据值。
阅读全文

相关推荐

import numpy as np import pandas as pd from sklearn.model_selection import train_test_split from sklearn.svm import SVC from sklearn.metrics import accuracy_score, confusion_matrix import matplotlib.pyplot as plt import xlrd # 加载数据集并进行预处理 def load_data(filename): data = pd.read_excel(filename) data.dropna(inplace=True) X = data.drop('label', axis=1) X = (X - X.mean()) / X.std() y = data['label'] return X, y # 训练SVM分类器 def train_svm(X_train, y_train, kernel='rbf', C=1, gamma=0.1): clf = SVC(kernel=kernel, C=C, gamma=gamma) clf.fit(X_train, y_train) return clf # 预测新的excel文件并输出预测结果excel、精度和混淆矩阵图 def predict_svm(clf, X_test, y_test, filename, result_file): y_pred = clf.predict(X_test) accuracy = accuracy_score(y_test, y_pred) cm = confusion_matrix(y_test, y_pred) # 输出预测结果excel data = pd.read_excel(filename) data['predicted_label'] = pd.Series(y_pred, index=data.index) data.to_excel(result_file, index=False) # 绘制混淆矩阵图 plt.imshow(cm, cmap=plt.cm.Blues) plt.title('Confusion matrix') plt.colorbar() tick_marks = np.arange(len(set(y_test))) plt.xticks(tick_marks, sorted(set(y_test)), rotation=45) plt.yticks(tick_marks, sorted(set(y_test))) plt.xlabel('Predicted Label') plt.ylabel('True Label') plt.show() return accuracy # 加载数据集并划分训练集和验证集 data = pd.read_excel('data.xlsx') data.dropna(inplace=True) X = data.drop('label', axis=1) X = (X - X.mean()) / X.std() y = data['label'] X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42) # 训练SVM分类器 clf = train_svm(X_train, y_train) # 预测新的excel文件 accuracy = predict_svm(clf, X_test, y_test, 'test_data.xlsx', 'predicted_result.xlsx') # 输出精度 print('Accuracy:', accuracy)修改代码,多个特征变量,一个目标变量进行预测

import numpy as npimport pandas as pdfrom sklearn.model_selection import train_test_splitfrom sklearn.svm import SVCfrom sklearn.metrics import accuracy_score, confusion_matriximport matplotlib.pyplot as pltimport xlrd# 加载数据集并进行预处理def load_data(filename): data = pd.read_excel(filename) data.dropna(inplace=True) X = data.drop('label', axis=1) X = (X - X.mean()) / X.std() y = data['label'] return X, y# 训练SVM分类器def train_svm(X_train, y_train, kernel='rbf', C=1, gamma=0.1): clf = SVC(kernel=kernel, C=C, gamma=gamma) clf.fit(X_train, y_train) return clf# 预测新的excel文件并输出预测结果excel、精度和混淆矩阵图def predict_svm(clf, X_test, y_test, filename): y_pred = clf.predict(X_test) accuracy = accuracy_score(y_test, y_pred) cm = confusion_matrix(y_test, y_pred) # 输出预测结果excel data = pd.read_excel(filename) data['predicted_label'] = pd.Series(y_pred, index=data.index) data.to_excel('predicted_result.xlsx', index=False) # 绘制混淆矩阵图 plt.imshow(cm, cmap=plt.cm.Blues) plt.title('Confusion matrix') plt.colorbar() tick_marks = np.arange(len(set(y_test))) plt.xticks(tick_marks, sorted(set(y_test)), rotation=45) plt.yticks(tick_marks, sorted(set(y_test))) plt.xlabel('Predicted Label') plt.ylabel('True Label') plt.show() return accuracy# 加载数据集并划分训练集和验证集data = pd.read_excel('data.xlsx')data.dropna(inplace=True)X = data.drop('label', axis=1)X = (X - X.mean()) / X.std()y = data['label']X_train, X_test, y_train, y_test = train_test_split(X, y, test_size=0.2, random_state=42)# 训练SVM分类器clf = train_svm(X_train, y_train)# 预测新的excel文件accuracy = predict_svm(clf, X_test, y_test, 'test_data.xlsx')# 输出精度print('Accuracy:', accuracy)改进,预测新的结果输出在新表中

import streamlit as st import numpy as np import pandas as pd import pickle import matplotlib.pyplot as plt from sklearn import datasets from sklearn.model_selection import train_test_split from sklearn.decomposition import PCA from sklearn.svm import SVC from sklearn.neighbors import KNeighborsClassifier from sklearn.ensemble import RandomForestClassifier import streamlit_echarts as st_echarts from sklearn.metrics import accuracy_score,confusion_matrix,f1_score def pivot_bar(data): option = { "xAxis":{ "type":"category", "data":data.index.tolist() }, "legend":{}, "yAxis":{ "type":"value" }, "series":[ ] }; for i in data.columns: option["series"].append({"data":data[i].tolist(),"name":i,"type":"bar"}) return option st.markdown("mode pracitce") st.sidebar.markdown("mode pracitce") df=pd.read_csv(r"D:\课程数据\old.csv") st.table(df.head()) with st.form("form"): index_val = st.multiselect("choose index",df.columns,["Response"]) agg_fuc = st.selectbox("choose a way",[np.mean,len,np.sum]) submitted1 = st.form_submit_button("Submit") if submitted1: z=df.pivot_table(index=index_val,aggfunc = agg_fuc) st.table(z) st_echarts(pivot_bar(z)) df_copy = df.copy() df_copy.drop(axis=1,columns="Name",inplace=True) df_copy["Response"]=df_copy["Response"].map({"no":0,"yes":1}) df_copy=pd.get_dummies(df_copy,columns=["Gender","Area","Email","Mobile"]) st.table(df_copy.head()) y=df_copy["Response"].values x=df_copy.drop(axis=1,columns="Response").values X_train, X_test, y_train, y_test = train_test_split(x, y, test_size=0.2) with st.form("my_form"): estimators0 = st.slider("estimators",0,100,10) max_depth0 = st.slider("max_depth",1,10,2) submitted = st.form_submit_button("Submit") if "model" not in st.session_state: st.session_state.model = RandomForestClassifier(n_estimators=estimators0,max_depth=max_depth0, random_state=1234) st.session_state.model.fit(X_train, y_train) y_pred = st.session_state.model.predict(X_test) st.table(confusion_matrix(y_test, y_pred)) st.write(f1_score(y_test, y_pred)) if st.button("save model"): pkl_filename = "D:\\pickle_model.pkl" with open(pkl_filename, 'wb') as file: pickle.dump(st.session_state.model, file) 会出什么错误

将以下代码改为C++代码: import scipy.special as sp import numpy as np import numba from numba import njit,prange import math import trimesh as tri fileName="data/blub.obj" outName='./output/blub_rec.obj' # 参数 # 限制选取球谐基函数的带宽 bw=64 # 极坐标,经度0<=theta<2*pi,纬度0<=phi<pi; # (x,y,z)=r(sin(phi)cos(theta),sin(phi)sin(theta),cos(phi)) def get_angles(x,y,z): r=np.sqrt(x*x+y*y+z*z) x/=r y/=r z/=r phi=np.arccos(z) if phi==0: theta=0 theta=np.arccos(x/np.sin(phi)) if y/np.sin(phi)<0: theta+=math.pi return [theta,phi] if __name__=='__main__': # 载入网格 mesh=tri.load(fileName) # 获得网格顶点(x,y,z)对应的(theta,phi) numV=len(mesh.vertices) angles=np.zeros([numV,2]) for i in range(len(mesh.vertices)): v=mesh.vertices[i] [angles[i,0],angles[i,1]]=get_angles(v[0],v[1],v[2]) # 求解方程:x(theta,phi)=对m,l求和 a^m_lY^m_l(theta,phi) 解出系数a^m_l # 得到每个theta,phi对应的x X,Y,Z=np.zeros([numV,1]),np.zeros([numV,1]),np.zeros([numV,1]) for i in range(len(mesh.vertices)): X[i],Y[i],Z[i]=mesh.vertices[i,0],mesh.vertices[i,1],mesh.vertices[i,2] # 求出Y^m_l(theta,phi)作为矩阵系数 sph_harm_values=np.zeros([numV,(bw+1)*(bw+1)]) for i in range(numV): for l in range(bw): for m in range(-l,l+1): sph_harm_values[i,l*(l+1)+m]=sp.sph_harm(m,l,angles[i,0],angles[i,1]) print('系数矩阵维数:{}'.format(sph_harm_values.shape)) # 求解方程组,得到球谐分解系数 a_x=np.linalg.lstsq(sph_harm_values,X,rcond=None)[0] a_y=np.linalg.lstsq(sph_harm_values,Y,rcond=None)[0] a_z=np.linalg.lstsq(sph_harm_values,Z,rcond=None)[0] # 从系数恢复的x,y,z坐标,存为新的点云用于比较 x=np.matmul(sph_harm_values,a_x) y=np.matmul(sph_harm_values,a_y) z=np.matmul(sph_harm_values,a_z) with open(outName,'w') as output: for i in range(len(x)): output.write("v %f %f %f\n"%(x[i,0],y[i,0],z[i,0]))

最新推荐

recommend-type

Python使用到第三方库PyMuPDF图片与pdf相互转换

def images_to_pdf(images_folder, output_filename="merged_images.pdf"): doc = fitz.open() for img_path in sorted(glob.glob(os.path.join(images_folder, "*.png"))): imgdoc = fitz.open(img_path) pdf...
recommend-type

毕设和企业适用springboot企业数据管理平台类及跨境电商管理平台源码+论文+视频.zip

毕设和企业适用springboot企业数据管理平台类及跨境电商管理平台源码+论文+视频
recommend-type

基于net的超市管理系统源代码(完整前后端+sqlserver+说明文档+LW).zip

功能说明: 环境说明: 开发软件:VS 2017 (版本2017以上即可,不能低于2017) 数据库:SqlServer2008r2(数据库版本无限制,都可以导入) 开发模式:mvc。。。
recommend-type

Windows平台下的Fastboot工具使用指南

资源摘要信息:"Windows Fastboot.zip是一个包含了Windows环境下使用的Fastboot工具的压缩文件。Fastboot是一种在Android设备上使用的诊断和工程工具,它允许用户通过USB连接在设备的bootloader模式下与设备通信,从而可以对设备进行刷机、解锁bootloader、安装恢复模式等多种操作。该工具是Android开发者和高级用户在进行Android设备维护或开发时不可或缺的工具之一。" 知识点详细说明: 1. Fastboot工具定义: Fastboot是一种与Android设备进行交互的命令行工具,通常在设备的bootloader模式下使用,这个模式允许用户直接通过USB向设备传输镜像文件以及其他重要的设备分区信息。它支持多种操作,如刷写分区、读取设备信息、擦除分区等。 2. 使用环境: Fastboot工具原本是Google为Android Open Source Project(AOSP)提供的一个组成部分,因此它通常在Linux或Mac环境下更为原生。但由于Windows系统的普及性,许多开发者和用户需要在Windows环境下操作,因此存在专门为Windows系统定制的Fastboot版本。 3. Fastboot工具的获取与安装: 用户可以通过下载Android SDK平台工具(Platform-Tools)的方式获取Fastboot工具,这是Google官方提供的一个包含了Fastboot、ADB(Android Debug Bridge)等多种工具的集合包。安装时只需要解压到任意目录下,然后将该目录添加到系统环境变量Path中,便可以在任何位置使用Fastboot命令。 4. Fastboot的使用: 要使用Fastboot工具,用户首先需要确保设备已经进入bootloader模式。进入该模式的方法因设备而异,通常是通过组合特定的按键或者使用特定的命令来实现。之后,用户通过运行命令提示符或PowerShell来输入Fastboot命令与设备进行交互。常见的命令包括: - fastboot devices:列出连接的设备。 - fastboot flash [partition] [filename]:将文件刷写到指定分区。 - fastboot getvar [variable]:获取指定变量的值。 - fastboot reboot:重启设备。 - fastboot unlock:解锁bootloader,使得设备能够刷写非官方ROM。 5. Fastboot工具的应用场景: - 设备的系统更新或刷机。 - 刷入自定义恢复(如TWRP)。 - 在开发阶段对设备进行调试。 - 解锁设备的bootloader,以获取更多的自定义权限。 - 修复设备,例如清除用户数据分区或刷写新的boot分区。 - 加入特定的内核或修改系统分区。 6. 注意事项: 在使用Fastboot工具时需要格外小心,错误的操作可能会导致设备变砖或丢失重要数据。务必保证操作前已备份重要数据,并确保下载和刷入的固件是针对相应设备的正确版本。此外,不同的设备可能需要特定的驱动程序支持,因此在使用Fastboot之前还需要安装相应的USB驱动。 7. 压缩包文件说明: 资源中提到的"windows-fastboot.zip"是一个压缩文件,解压后应当包含一个或多个可执行文件、库文件等,这些文件合起来组成了Fastboot工具的Windows版本。解压后,用户应当参考解压后的文档或说明文件来进行安装和配置,以便能够正确地使用该工具。 总结而言,Fastboot作为一个功能强大的工具,它为Android设备的开发者和高级用户提供了一个界面简洁但功能全面的操作平台,以实现对设备深层次的控制。然而,它的使用要求用户具备一定的技术知识和经验,否则不当操作可能导致设备损坏。因此,使用Fastboot时应当谨慎并确保自己了解每个命令的具体含义和后果。
recommend-type

管理建模和仿真的文件

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

DLMS规约深度剖析:从基础到电力通信标准的全面掌握

![DLMS规约基础介绍](https://afteracademy.com/images/what-is-data-model-in-dbms-and-what-are-its-types-hierarchical-model-48add64778fd4b8f.jpg) # 摘要 DLMS/COSEM是一种广泛应用于智能电网和电力计量领域的通信协议。本文首先介绍了DLMS规约的基础概念、起源以及核心技术原理,包括协议架构、数据模型、通信过程、数据封装与传输机制。随后,文章探讨了DLMS规约在电力通信中的实际应用,如智能电表和电网自动化系统的数据通信,并分析了DLMS规约的测试与验证方法。文
recommend-type

修改代码,使其正确运行

要使提供的代码能够正确运行,需要解决以下几个关键点: 1. **输入处理**:确保从控制台读取的文法规则和待解析字符串格式正确。 2. **FIRST集和FOLLOW集计算**:确保FIRST集和FOLLOW集的计算逻辑正确无误。 3. **预测分析表构建**:确保预测分析表的构建逻辑正确,并且能够处理所有可能的情况。 4. **LL(1)分析器**:确保LL(1)分析器能够正确解析输入字符串并输出解析过程。 以下是经过修改后的完整代码: ```java package com.example.demo10; import java.util.*; public class Main
recommend-type

Python机器学习基础入门与项目实践

资源摘要信息:"机器学习概述与Python在机器学习中的应用" 机器学习是人工智能的一个分支,它让计算机能够通过大量的数据学习来自动寻找规律,并据此进行预测或决策。机器学习的核心是建立一个能够从数据中学习的模型,该模型能够在未知数据上做出准确预测。这一过程通常涉及到数据的预处理、特征选择、模型训练、验证、测试和部署。 机器学习方法主要可以分为监督学习、无监督学习、半监督学习和强化学习。 监督学习涉及标记好的训练数据,其目的是让模型学会从输入到输出的映射。在这个过程中,模型学习根据输入数据推断出正确的输出值。常见的监督学习算法包括线性回归、逻辑回归、支持向量机(SVM)、决策树、随机森林和神经网络等。 无监督学习则是处理未标记的数据,其目的是探索数据中的结构。无监督学习算法试图找到数据中的隐藏模式或内在结构。常见的无监督学习算法包括聚类、主成分分析(PCA)、关联规则学习等。 半监督学习和强化学习则是介于监督学习和无监督学习之间的方法。半监督学习使用大量未标记的数据和少量标记数据进行学习,而强化学习则是通过与环境的交互来学习如何做出决策。 Python作为一门高级编程语言,在机器学习领域中扮演了非常重要的角色。Python之所以受到机器学习研究者和从业者的青睐,主要是因为其丰富的库和框架、简洁易读的语法以及强大的社区支持。 在Python的机器学习生态系统中,有几个非常重要的库: 1. NumPy:提供高性能的多维数组对象,以及处理数组的工具。 2. Pandas:一个强大的数据分析和操作工具库,提供DataFrame等数据结构,能够方便地进行数据清洗和预处理。 3. Matplotlib:一个用于创建静态、动态和交互式可视化的库,常用于生成图表和数据可视化。 4. Scikit-learn:一个简单且高效的工具,用于数据挖掘和数据分析,支持多种分类、回归、聚类算法等。 5. TensorFlow:由Google开发的开源机器学习库,适用于大规模的数值计算,尤其擅长于构建和训练深度学习模型。 6. Keras:一个高层神经网络API,能够使用TensorFlow、CNTK或Theano作为其后端进行计算。 机器学习的典型工作流程包括数据收集、数据预处理、特征工程、模型选择、训练、评估和部署。在这一流程中,Python可以贯穿始终,从数据采集到模型部署,Python都能提供强大的支持。 由于机器学习的复杂性,一个成功的机器学习项目往往需要跨学科的知识,包括统计学、数学、计算机科学、数据分析等领域。因此,掌握Python及其相关库的使用只是机器学习工作的一部分,还需要有扎实的理论基础和实践经验。 总结来说,机器学习是一个涉及数据挖掘、统计分析、算法优化等多个领域的综合性科学。Python由于其简洁的语法、丰富的库支持和强大的社区力量,成为了进行机器学习研究和应用开发的首选语言。随着技术的不断进步和算法的持续优化,机器学习的应用领域也在不断扩大,从早期的搜索引擎、推荐系统到现代的自动驾驶、医疗诊断等领域都有着广泛的应用。
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

【Shell脚本进阶】:wc命令行数统计的高级用法及解决方案

![【Shell脚本进阶】:wc命令行数统计的高级用法及解决方案](https://static.coggle.it/diagram/Wf_r5VcFBgABR93J/thumbnail?mtime=1510053270529) # 摘要 本文首先介绍wc命令的基本使用和功能,旨在为读者提供一个理解文本行、单词、字节统计的基础。随后,深入探讨了wc命令的高级用法,包括对多个文件的统计与比较,与其他工具如grep和awk的结合使用,以及通过管道实现的高效数据处理。文章第三部分关注wc命令的性能优化和实用技巧,包括提升效率的执行方法和解决常见使用问题的策略。最后,文章探索了wc命令的替代工具与功