model = model.to("cuda:0") # 从测试集中挑选4个样本 test_examples = dev_dataset["document"][:4] inputs = tokenizer( test_examples, padding="max_length", truncation=True, max_length=max_input_length, return_tensors="pt", )这是什么意思

时间: 2024-02-23 11:56:47 浏览: 39
这段代码是为了在GPU上运行模型,同时用测试集中的前4个样本进行推理测试。其中,"model = model.to("cuda:0")" 是将模型转移到GPU设备上,以便在GPU上运行;"test_examples = dev_dataset["document"][:4]" 是从测试集中获取前4个样本;而 "inputs = tokenizer(test_examples, padding="max_length", truncation=True, max_length=max_input_length, return_tensors="pt")" 则是使用tokenizer将样本进行处理,使其符合模型输入的格式要求,其中包括对样本进行padding、截断、转换为PyTorch张量等操作。最终,我们可以使用这些处理后的样本输入到模型中进行推理。
相关问题

# 最佳权重保存路径 BEST_MODEL_PATH = './best_model.h5'

好的,你可以将最佳权重保存路径添加到代码中,如下所示: ```python import numpy as np import tensorflow as tf import os # 加载数据集 with open('poems.txt', 'r', encoding='utf-8') as f: data = f.read() # 构建词典 vocab = sorted(set(data)) char2idx = {char: idx for idx, char in enumerate(vocab)} idx2char = np.array(vocab) # 将文本数据转换为数字 text_as_int = np.array([char2idx[c] for c in data]) # 定义训练数据和标签 seq_length = 100 examples_per_epoch = len(data) // (seq_length + 1) char_dataset = tf.data.Dataset.from_tensor_slices(text_as_int) sequences = char_dataset.batch(seq_length + 1, drop_remainder=True) def split_input_target(chunk): input_text = chunk[:-1] target_text = chunk[1:] return input_text, target_text dataset = sequences.map(split_input_target) BATCH_SIZE = 128 BUFFER_SIZE = 10000 dataset = dataset.shuffle(BUFFER_SIZE).batch(BATCH_SIZE, drop_remainder=True) # 构建模型 vocab_size = len(vocab) embedding_dim = 256 rnn_units = 1024 def build_model(vocab_size, embedding_dim, rnn_units, batch_size): model = tf.keras.Sequential([ tf.keras.layers.Embedding(vocab_size, embedding_dim, batch_input_shape=[batch_size, None]), tf.keras.layers.GRU(rnn_units, return_sequences=True, stateful=True, recurrent_initializer='glorot_uniform'), tf.keras.layers.Dense(vocab_size) ]) return model model = build_model( vocab_size=len(vocab), embedding_dim=embedding_dim, rnn_units=rnn_units, batch_size=BATCH_SIZE) # 定义损失函数 def loss(labels, logits): return tf.keras.losses.sparse_categorical_crossentropy(labels, logits, from_logits=True) # 编译模型 model.compile(optimizer='adam', loss=loss) # 定义检查点 checkpoint_dir = './training_checkpoints' checkpoint_prefix = os.path.join(checkpoint_dir, "ckpt_{epoch}") checkpoint_callback=tf.keras.callbacks.ModelCheckpoint( filepath=checkpoint_prefix, save_weights_only=True) # 定义最佳权重检查点 BEST_MODEL_PATH = './best_model.h5' best_checkpoint = tf.keras.callbacks.ModelCheckpoint(BEST_MODEL_PATH, monitor='val_loss', save_best_only=True, mode='min', save_weights_only=True) # 训练模型 EPOCHS = 50 history = model.fit(dataset, epochs=EPOCHS, callbacks=[checkpoint_callback, best_checkpoint]) # 生成诗歌 def generate_text(model, start_string): num_generate = 100 input_eval = [char2idx[s] for s in start_string] input_eval = tf.expand_dims(input_eval, 0) text_generated = [] temperature = 1.0 model.reset_states() for i in range(num_generate): predictions = model(input_eval) predictions = tf.squeeze(predictions, 0) predictions = predictions / temperature predicted_id = tf.random.categorical(predictions, num_samples=1)[-1,0].numpy() input_eval = tf.expand_dims([predicted_id], 0) text_generated.append(idx2char[predicted_id]) return (start_string + ''.join(text_generated)) # 加载检查点 model = build_model(vocab_size, embedding_dim, rnn_units, batch_size=1) model.load_weights(BEST_MODEL_PATH) model.build(tf.TensorShape([1, None])) # 生成一首诗 print(generate_text(model, start_string=u"山中")) ``` 现在,模型将保存最佳的权重到文件 `best_model.h5`。

test_dataset = tf.data.Dataset.from_tensor_slices((test_images, test_labels))

This code creates a TensorFlow dataset from the test images and test labels. The images and labels are passed as arguments to the `from_tensor_slices` method, which slices the input tensors along the first dimension to create a dataset of individual examples. The resulting dataset can be used for testing a machine learning model.

相关推荐

# proxychains.conf VER 3.1 # # HTTP, SOCKS4, SOCKS5 tunneling proxifier with DNS. # # The option below identifies how the ProxyList is treated. # only one option should be uncommented at time, # otherwise the last appearing option will be accepted # #dynamic_chain # # Dynamic - Each connection will be done via chained proxies # all proxies chained in the order as they appear in the list # at least one proxy must be online to play in chain # (dead proxies are skipped) # otherwise EINTR is returned to the app # strict_chain # # Strict - Each connection will be done via chained proxies # all proxies chained in the order as they appear in the list # all proxies must be online to play in chain # otherwise EINTR is returned to the app # #random_chain # # Random - Each connection will be done via random proxy # (or proxy chain, see chain_len) from the list. # this option is good to test your IDS :) # Make sense only if random_chain #chain_len = 2 # Quiet mode (no output from library) #quiet_mode # Proxy DNS requests - no leak for DNS data proxy_dns # Some timeouts in milliseconds tcp_read_time_out 15000 tcp_connect_time_out 8000 # ProxyList format # type host port [user pass] # (values separated by 'tab' or 'blank') # # # Examples: # # socks5 192.168.67.78 1080 lamer secret # http 192.168.89.3 8080 justu hidden # socks4 192.168.1.49 1080 # http 192.168.39.93 8080 # # # proxy types: http, socks4, socks5 # ( auth types supported: "basic"-http "user/pass"-socks ) # [ProxyList] # add proxy here ... # meanwile # defaults set to "tor" socks5 192.168.23.15 10808 dns_server = 8.8.8.8

# GRADED FUNCTION: forward_propagation def forward_propagation(X, parameters): """ Implements the forward propagation for the model: CONV2D -> RELU -> MAXPOOL -> CONV2D -> RELU -> MAXPOOL -> FLATTEN -> FULLYCONNECTED Arguments: X -- input dataset placeholder, of shape (input size, number of examples) parameters -- python dictionary containing your parameters "W1", "W2" the shapes are given in initialize_parameters Returns: Z3 -- the output of the last LINEAR unit """ # Retrieve the parameters from the dictionary "parameters" W1 = parameters['W1'] W2 = parameters['W2'] ### START CODE HERE ### # CONV2D: stride of 1, padding 'SAME' Z1 = tf.nn.conv2d(X, W1, strides=[1, 1, 1, 1], padding='SAME') # RELU A1 = tf.nn.relu(Z1) # MAXPOOL: window 8x8, sride 8, padding 'SAME' P1 = tf.nn.max_pool(A1, ksize=[1, 8, 8, 1], strides=[1, 8, 8, 1], padding='SAME') # CONV2D: filters W2, stride 1, padding 'SAME' Z2 = tf.nn.conv2d(P1, W2, strides=[1, 1, 1, 1], padding='SAME') # RELU A2 = tf.nn.relu(Z2) # MAXPOOL: window 4x4, stride 4, padding 'SAME' P2 = tf.nn.max_pool(A2, ksize=[1, 4, 4, 1], strides=[1, 4, 4, 1], padding='SAME') # FLATTEN P2 = tf.contrib.layers.flatten(P2) # FULLY-CONNECTED without non-linear activation function (not not call softmax). # 6 neurons in output layer. Hint: one of the arguments should be "activation_fn=None" Z3 = tf.contrib.layers.fully_connected(P2, 6, activation_fn=None) ### END CODE HERE ### return Z3 tf.reset_default_graph() with tf.Session() as sess: np.random.seed(1) X, Y = create_placeholders(64, 64, 3, 6) parameters = initialize_parameters() Z3 = forward_propagation(X, parameters) init = tf.global_variables_initializer() sess.run(init) a = sess.run(Z3, {X: np.random.randn(2,64,64,3), Y: np.random.randn(2,6)}) print("Z3 = " + str(a)) 请根据现在python版本修改这段代码

import time import tensorflow.compat.v1 as tf tf.disable_v2_behavior() from tensorflow.examples.tutorials.mnist import input_data import mnist_inference import mnist_train tf.compat.v1.reset_default_graph() EVAL_INTERVAL_SECS = 10 def evaluate(mnist): with tf.Graph().as_default() as g: #定义输入与输出的格式 x = tf.compat.v1.placeholder(tf.float32, [None, mnist_inference.INPUT_NODE], name='x-input') y_ = tf.compat.v1.placeholder(tf.float32, [None, mnist_inference.OUTPUT_NODE], name='y-input') validate_feed = {x: mnist.validation.images, y_: mnist.validation.labels} #直接调用封装好的函数来计算前向传播的结果 y = mnist_inference.inference(x, None) #计算正确率 correcgt_prediction = tf.equal(tf.argmax(y, 1), tf.argmax(y_, 1)) accuracy = tf.reduce_mean(tf.cast(correcgt_prediction, tf.float32)) #通过变量重命名的方式加载模型 variable_averages = tf.train.ExponentialMovingAverage(0.99) variable_to_restore = variable_averages.variables_to_restore() saver = tf.train.Saver(variable_to_restore) #每隔10秒调用一次计算正确率的过程以检测训练过程中正确率的变化 while True: with tf.compat.v1.Session() as sess: ckpt = tf.train.get_checkpoint_state(minist_train.MODEL_SAVE_PATH) if ckpt and ckpt.model_checkpoint_path: #load the model saver.restore(sess, ckpt.model_checkpoint_path) global_step = ckpt.model_checkpoint_path.split('/')[-1].split('-')[-1] accuracy_score = sess.run(accuracy, feed_dict=validate_feed) print("After %s training steps, validation accuracy = %g" % (global_step, accuracy_score)) else: print('No checkpoint file found') return time.sleep(EVAL_INTERVAL_SECS) def main(argv=None): mnist = input_data.read_data_sets(r"D:\Anaconda123\Lib\site-packages\tensorboard\mnist", one_hot=True) evaluate(mnist) if __name__ == '__main__': tf.compat.v1.app.run()对代码进行改进

翻译这段程序并自行赋值调用:import matplotlib.pyplot as plt import numpy as np import sklearn import sklearn.datasets import sklearn.linear_model def plot_decision_boundary(model, X, y): # Set min and max values and give it some padding x_min, x_max = X[0, :].min() - 1, X[0, :].max() + 1 y_min, y_max = X[1, :].min() - 1, X[1, :].max() + 1 h = 0.01 # Generate a grid of points with distance h between them xx, yy = np.meshgrid(np.arange(x_min, x_max, h), np.arange(y_min, y_max, h)) # Predict the function value for the whole grid Z = model(np.c_[xx.ravel(), yy.ravel()]) Z = Z.reshape(xx.shape) # Plot the contour and training examples plt.contourf(xx, yy, Z, cmap=plt.cm.Spectral) plt.ylabel('x2') plt.xlabel('x1') plt.scatter(X[0, :], X[1, :], c=y, cmap=plt.cm.Spectral) def sigmoid(x): s = 1/(1+np.exp(-x)) return s def load_planar_dataset(): np.random.seed(1) m = 400 # number of examples N = int(m/2) # number of points per class print(np.random.randn(N)) D = 2 # dimensionality X = np.zeros((m,D)) # data matrix where each row is a single example Y = np.zeros((m,1), dtype='uint8') # labels vector (0 for red, 1 for blue) a = 4 # maximum ray of the flower for j in range(2): ix = range(Nj,N(j+1)) t = np.linspace(j3.12,(j+1)3.12,N) + np.random.randn(N)0.2 # theta r = anp.sin(4t) + np.random.randn(N)0.2 # radius X[ix] = np.c_[rnp.sin(t), rnp.cos(t)] Y[ix] = j X = X.T Y = Y.T return X, Y def load_extra_datasets(): N = 200 noisy_circles = sklearn.datasets.make_circles(n_samples=N, factor=.5, noise=.3) noisy_moons = sklearn.datasets.make_moons(n_samples=N, noise=.2) blobs = sklearn.datasets.make_blobs(n_samples=N, random_state=5, n_features=2, centers=6) gaussian_quantiles = sklearn.datasets.make_gaussian_quantiles(mean=None, cov=0.5, n_samples=N, n_features=2, n_classes=2, shuffle=True, random_state=None) no_structure = np.random.rand(N, 2), np.random.rand(N, 2) return noisy_circles, noisy_moons, blobs, gaussian_quantiles, no_structure

最新推荐

recommend-type

爬壁清洗机器人设计.doc

"爬壁清洗机器人设计" 爬壁清洗机器人是一种专为高层建筑外墙或屋顶清洁而设计的自动化设备。这种机器人能够有效地在垂直表面移动,完成高效且安全的清洗任务,减轻人工清洁的危险和劳动强度。在设计上,爬壁清洗机器人主要由两大部分构成:移动系统和吸附系统。 移动系统是机器人实现壁面自由移动的关键。它采用了十字框架结构,这种设计增加了机器人的稳定性,同时提高了其灵活性和避障能力。十字框架由两个呈十字型组合的无杆气缸构成,它们可以在X和Y两个相互垂直的方向上相互平移。这种设计使得机器人能够根据需要调整位置,适应不同的墙面条件。无杆气缸通过腿部支架与腿足结构相连,腿部结构包括拉杆气缸和真空吸盘,能够交替吸附在壁面上,实现机器人的前进、后退、转弯等动作。 吸附系统则由真空吸附结构组成,通常采用多组真空吸盘,以确保机器人在垂直壁面上的牢固吸附。文中提到的真空吸盘组以正三角形排列,这种方式提供了均匀的吸附力,增强了吸附稳定性。吸盘的开启和关闭由气动驱动,确保了吸附过程的快速响应和精确控制。 驱动方式是机器人移动的动力来源,由X方向和Y方向的双作用无杆气缸提供。这些气缸安置在中间的主体支架上,通过精确控制,实现机器人的精准移动。这种驱动方式既保证了力量,又确保了操作的精度。 控制系统作为爬壁清洗机器人的大脑,采用三菱公司的PLC-FX1N系列,负责管理机器人的各个功能,包括吸盘的脱离与吸附、主体的移动、清洗作业的执行等。PLC(可编程逻辑控制器)具有高可靠性,能根据预设程序自动执行指令,确保机器人的智能操作。 爬壁清洗机器人结合了机械结构、气动控制和智能电子技术,实现了在复杂环境下的自主清洁任务。其设计考虑了灵活性、稳定性和安全性,旨在提高高层建筑清洁工作的效率和安全性。
recommend-type

管理建模和仿真的文件

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

Python并发编程:从新手到专家的进阶之路(多线程与多进程篇)

![Python并发编程:从新手到专家的进阶之路(多线程与多进程篇)](https://img-blog.csdnimg.cn/12b70559909c4535891adbdf96805846.png) # 1. Python并发编程基础** 并发编程是一种编程范式,它允许程序同时执行多个任务。在Python中,可以通过多线程和多进程来实现并发编程。 多线程是指在单个进程中创建多个线程,每个线程可以独立执行任务。多进程是指创建多个进程,每个进程都有自己的内存空间和资源。 选择多线程还是多进程取决于具体应用场景。一般来说,多线程适用于任务之间交互较少的情况,而多进程适用于任务之间交互较多或
recommend-type

matlab小程序代码

MATLAB是一款强大的数值计算和可视化工具,特别适合进行科学计算、工程分析和数据可视化。编写MATLAB小程序通常涉及使用其内置的数据类型、函数库以及面向对象编程特性。以下是一个简单的MATLAB代码示例,用于计算两个数的和: ```matlab % MATLAB程序:计算两个数的和 function sum = addTwoNumbers(num1, num2) % 定义函数 sum = num1 + num2; % 返回结果 disp(['The sum of ' num2str(num1) ' and ' num2str(num2) ' is ' nu
recommend-type

喷涂机器人.doc

"该文档详细介绍了喷涂机器人的设计与研发,包括其背景、现状、总体结构、机构设计、轴和螺钉的校核,并涉及到传感器选择等关键环节。" 喷涂机器人是一种结合了人类智能和机器优势的机电一体化设备,特别在自动化水平高的国家,其应用广泛程度是衡量自动化水平的重要指标。它们能够提升产品质量、增加产量,同时在保障人员安全、改善工作环境、减轻劳动强度、提高劳动生产率和节省原材料等方面具有显著优势。 第一章绪论深入探讨了喷涂机器人的研究背景和意义。课题研究的重点在于分析国内外研究现状,指出国内主要集中在基础理论和技术的应用,而国外则在技术创新和高级功能实现上取得更多进展。文章明确了本文的研究内容,旨在通过设计高效的喷涂机器人来推动相关技术的发展。 第二章详细阐述了喷涂机器人的总体结构设计,包括驱动系统的选择(如驱动件和自由度的确定),以及喷漆机器人的运动参数。各关节的结构形式和平衡方式也被详细讨论,如小臂、大臂和腰部的传动机构。 第三章主要关注喷漆机器人的机构设计,建立了数学模型进行分析,并对腕部、小臂和大臂进行了具体设计。这部分涵盖了电机的选择、铰链四杆机构设计、液压缸设计等内容,确保机器人的灵活性和精度。 第四章聚焦于轴和螺钉的设计与校核,以确保机器人的结构稳定性。大轴和小轴的结构设计与强度校核,以及回转底盘与腰部主轴连接螺钉的校核,都是为了保证机器人在运行过程中的可靠性和耐用性。 此外,文献综述和外文文献分析提供了更广泛的理论支持,开题报告则展示了整个研究项目的目标和计划。 这份文档全面地展示了喷涂机器人的设计过程,从概念到实际结构,再到部件的强度验证,为读者提供了深入理解喷涂机器人技术的宝贵资料。
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

10个Python并发编程必知技巧:掌握多线程与多进程的精髓

![10个Python并发编程必知技巧:掌握多线程与多进程的精髓](https://img-blog.csdnimg.cn/20200424155054845.png?x-oss-process=image/watermark,type_ZmFuZ3poZW5naGVpdGk,shadow_10,text_aHR0cHM6Ly9ibG9nLmNzZG4ubmV0L3lkcXN3dQ==,size_16,color_FFFFFF,t_70) # 1. Python并发编程概述 Python并发编程是一种编程范式,允许程序同时执行多个任务。它通过创建和管理多个线程或进程来实现,从而提高程序的性能
recommend-type

pom.xml如何打开

`pom.xml`是Maven项目管理器(Maven)中用于描述项目结构、依赖关系和构建配置的主要文件。它位于项目根目录下,是一个XML文件,对于Maven项目来说至关重要。如果你想查看或编辑`pom.xml`,你可以按照以下步骤操作: 1. 打开文本编辑器或IDEA(IntelliJ IDEA)、Eclipse等支持XML的集成开发环境(IDE)。 2. 在IDE中,通常有“打开文件”或“导航到”功能,定位到项目根目录(默认为项目起始目录,可能包含一个名为`.m2`的隐藏文件夹)。 3. 选择`pom.xml`文件,它应该会自动加载到IDE的XML编辑器或者代码视图中。 4. 如果是在命令
recommend-type

爬杆机器人1.doc

"爬杆机器人1.doc - 一个关于机械设计的课程设计项目,主要介绍了一个模仿虫子蠕动方式爬行的机器人,其设计包括曲柄滑块机构,使用自锁套来确保向上的爬行运动。设计目标是巩固和深化机械原理课程的理论知识,设计要求涉及机构原理、运动方案、计算和应用软件的使用。" 在本次的机械设计项目中,学生被要求设计一款能够爬行在杆状结构上的机器人。这个设计的核心在于创造一个能够模拟虫子爬行行为的机械系统,从而实现沿杆上升的功能。爬杆机器人的设计包含以下几个关键知识点: 1. **设计目的**:机械设计不仅仅是将概念转化为实体的过程,更是一个创新和发明的过程。在这个课程设计中,学生需要运用机械原理课程的理论知识,解决实际问题,增强对课程内容的理解。 2. **设计题目简介**:爬杆机器人采用曲柄滑块机构,由电机驱动曲柄旋转,通过连杆和自锁套实现爬行。自锁套的设计至关重要,因为它们在受力时能确保与圆杆形成可靠的自锁,防止机器人下滑,确保始终向上的运动趋势。 3. **设计条件与要求**:设计者需考虑机器人爬行的机构原理,确定适合爬行管道的数据,并提出多种可能的运动方案。此外,查阅相关文献资料,进行精确计算,以及使用如CAXA或Solidworks等软件进行三维建模和分析,都是设计过程中的重要步骤。 4. **运动方案设计**: - **功能需求**:机器人需要能稳定地沿着杆状物爬行,同时保持一定的速度和控制能力。 - **功能原理**:基于曲柄滑块机构的简单机械原理,通过电机驱动曲柄旋转,连杆将旋转运动转化为直线运动,自锁套则确保了爬行方向的控制。 - **运动规律设计**:涉及如何通过合理的机构布局和参数设定,使机器人能按预期进行爬行运动。 - **执行机构形式设计**:包括曲柄、连杆和自锁套的结构设计,以及它们之间的连接方式。 - **运动和动力分析**:研究各个部件在运动过程中的受力情况,确保机器人在爬行时的稳定性。 5. **计算内容**:这部分可能涉及到动力学计算,如力的平衡、摩擦力分析、扭矩计算等,以确保机器人能克服重力并实现有效爬行。 6. **应用前景**:爬杆机器人可能应用于各种场景,如管道检查、高空作业辅助、环境监测等领域,具有较大的实用价值和市场潜力。 7. **个人小结**:设计者会总结在整个设计过程中的学习收获、遇到的挑战和解决方案,展示个人对项目理解的深度和广度。 8. **参考资料**:列出在设计过程中参考的书籍、论文和其他信息源,为读者提供进一步学习和研究的线索。 9. **附录**:可能包含设计图纸、计算数据、程序代码等详细信息,是设计报告的重要补充。 通过这样的课程设计,学生不仅锻炼了实际操作技能,还提升了理论知识的应用能力,为未来在机械工程领域的职业生涯打下了坚实的基础。
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·恩