x = image.img_to_array(img)

时间: 2023-10-28 09:05:51 浏览: 141
这行代码将 Keras 中加载的图片文件 img 转换为一个 Numpy 数组 x,以便后续对该图片进行预测或者其他处理。这个过程中,img 被转换为一个三维的数组,其中第一维表示图片的高度,第二维表示图片的宽度,第三维表示图片的通道数。如果是彩色图片,则通道数为 3,分别表示红、绿、蓝三种颜色通道;如果是灰度图,则通道数为 1。
相关问题

array_image = image_utils.img_to_array(img)

### 回答1: 这段代码的意思是将一个图像文件转换成一个数组形式的图像数据。通常情况下,计算机视觉任务需要对图像进行处理和分析,而图像数据常常以像素点的形式存在。将图像文件转换成数组形式的图像数据,方便了图像的处理和分析。这里使用了一个名为 image_utils 的模块中的 img_to_array 函数来完成这个转换过程,其中 img 是一个表示图像文件的对象。 ### 回答2: array_image = image_utils.img_to_array(img)是一行Python代码,用于将图像转换为数组格式。 首先,我们假设`image_utils`是一个指定图像工具的Python模块。`img_to_array`是一个函数,用于将图像转换为数组格式。 在这里,`img`代表了一个图像对象。这可以是一个图像文件的路径,也可以是一个图像数据的变量。这个图像可以是彩色图像或灰度图像。 `img_to_array`函数的主要目的是将图像转换为数组,以便我们可以在计算机视觉任务中使用。这有助于对图像进行各种操作和分析。 转换后的数组 `array_image`会将图像的每个像素的RGB值(对于彩色图像)或灰度值(对于灰度图像)存储为一个矩阵。矩阵的大小与图像的大小相同。 通过将图像转换为数组,我们可以更轻松地进行图像处理和机器学习。我们可以使用各种算法和技术对图像进行分割、分类、特征提取等操作。 总之,`array_image = image_utils.img_to_array(img)`这个代码行将图像转换为数组,使我们能够方便地在计算机视觉任务中处理和分析图像。 ### 回答3: array_image 是使用 image_utils 库中的 img_to_array 函数将 img 转换为数组后得到的结果。 img 是一个图像对象,一般为图像文件在程序中的表示形式。img_to_array 函数的作用是将图像对象转换为一个数组,以便进行后续的处理和分析。 转换后的数组 array_image 是一个多维数组,其具体结构与原图像的维度有关,一般会包含图像的像素值信息。每个像素值通常由三个通道(红色、绿色和蓝色)的数值组成,表示了图像在该位置的颜色。有时候也可能包含其他的信息,如透明度或灰度等。 这样的数组表示更适合计算机处理,可以进行各种图像处理算法和操作,如图像增强、滤波、分割等。也可以将其作为输入数据用于机器学习算法中,进行图像分类、目标检测等任务。 总之,将图像转换为数组可以使得对图像的处理更加方便和高效,提高了图像处理和分析的效果和准确性。

优化这段代码content_image = load_img(content_image_path, target_size=target_size) content_image_array = img_to_array(content_image) content_image_array = K.variable(preprocess_input(np.expand_dims(content_image_array, 0)), dtype='float32') content_image_array = convert_to_tensor(content_image_array) print(type(content_image_array))

这段代码可以进行如下优化: ``` content_image = load_img(content_image_path, target_size=target_size) content_image_array = img_to_array(content_image) content_image_array = np.expand_dims(content_image_array, 0) content_image_array = preprocess_input(content_image_array) content_image_tensor = tf.convert_to_tensor(content_image_array, dtype='float32') print(type(content_image_tensor)) ``` 这里主要进行了以下优化: 1. 将 `K.variable()` 替换为 `tf.convert_to_tensor()`,因为 TensorFlow 2.x 中已经不再需要使用 Keras 的变量来创建张量。 2. 将 `preprocess_input()` 的调用与 `np.expand_dims()` 结合起来,以避免创建不必要的中间数组。 3. 将变量名 `content_image_array` 替换为 `content_image_tensor`,以更好地反映这个变量的实际含义。

相关推荐

def unzip_infer_data(src_path,target_path): ''' 解压预测数据集 ''' if(not os.path.isdir(target_path)): z = zipfile.ZipFile(src_path, 'r') z.extractall(path=target_path) z.close() def load_image(img_path): ''' 预测图片预处理 ''' img = Image.open(img_path) if img.mode != 'RGB': img = img.convert('RGB') img = img.resize((224, 224), Image.BILINEAR) img = np.array(img).astype('float32') img = img.transpose((2, 0, 1)) # HWC to CHW img = img/255 # 像素值归一化 return img infer_src_path = './archive_test.zip' infer_dst_path = './archive_test' unzip_infer_data(infer_src_path,infer_dst_path) para_state_dict = paddle.load("MyDNN") model = MyDNN() model.set_state_dict(para_state_dict) #加载模型参数 model.eval() #验证模式 #展示预测图片 infer_path='./archive_test/alexandrite_18.jpg' img = Image.open(infer_path) plt.imshow(img) #根据数组绘制图像 plt.show() #显示图像 #对预测图片进行预处理 infer_imgs = [] infer_imgs.append(load_image(infer_path)) infer_imgs = np.array(infer_imgs) label_dic = train_parameters['label_dict'] for i in range(len(infer_imgs)): data = infer_imgs[i] dy_x_data = np.array(data).astype('float32') dy_x_data=dy_x_data[np.newaxis,:, : ,:] img = paddle.to_tensor (dy_x_data) out = model(img) lab = np.argmax(out.numpy()) #argmax():返回最大数的索引 print("第{}个样本,被预测为:{},真实标签为:{}".format(i+1,label_dic[str(lab)],infer_path.split('/')[-1].split("_")[0])) print("结束")根据这一段代码续写一段利用这个模型进行宝石预测的GUI界面

import tkinter as tk from tkinter import filedialog from PIL import ImageTk, Image # 创建窗口 window = tk.Tk() window.title("宝石预测") window.geometry("400x400") # 加载模型参数 para_state_dict = paddle.load("MyCNN") model = MyCNN() model.set_state_dict(para_state_dict) model.eval() # 加载标签字典 label_dict = train_parameters['label_dict'] # 创建预测函数 def predict(): # 获取待预测图片路径 img_path = filedialog.askopenfilename() img = Image.open(img_path) # 将处理后的图像数据转换为Image对象,并按照要求大小进行resize操作 img = Image.fromarray(np.uint8(img)).convert('RGB') img = img.resize((224, 224), Image.BILINEAR) img = np.array(img).astype('float32') img = img.transpose((2, 0, 1)) # HWC to CHW img /= 255 # 像素值归一化 img = np.array([img]) # 进行预测 img = paddle.to_tensor(img) out = model(img) label = np.argmax(out.numpy()) result = label_dict[str(label)] # 显示预测结果 result_label.config(text="预测结果:{}".format(result)) # 显示待预测图片 img = ImageTk.PhotoImage(Image.open(img_path).resize((200, 200))) img_label.config(image=img) img_label.image = img # 创建选择图片按钮 select_button = tk.Button(window, text="选择图片", command=predict) select_button.pack(pady=20) # 创建待预测图片区域 img_label = tk.Label(window) img_label.pack() # 创建预测结果区域 result_label = tk.Label(window, font=("Helvetica", 16)) result_label.pack(pady=20) # 进入消息循环 window.mainloop() 给这段代码添加使用cv2的均值滤波对彩色图片进行降噪的功能

以下代码有什么错误,怎么修改: import tensorflow.compat.v1 as tf tf.disable_v2_behavior() from PIL import Image import matplotlib.pyplot as plt import input_data import model import numpy as np import xlsxwriter num_threads = 4 def evaluate_one_image(): workbook = xlsxwriter.Workbook('formatting.xlsx') worksheet = workbook.add_worksheet('My Worksheet') with tf.Graph().as_default(): BATCH_SIZE = 1 N_CLASSES = 4 image = tf.cast(image_array, tf.float32) image = tf.image.per_image_standardization(image) image = tf.reshape(image, [1, 208, 208, 3]) logit = model.cnn_inference(image, BATCH_SIZE, N_CLASSES) logit = tf.nn.softmax(logit) x = tf.placeholder(tf.float32, shape=[208, 208, 3]) logs_train_dir = 'log/' saver = tf.train.Saver() with tf.Session() as sess: print("从指定路径中加载模型...") ckpt = tf.train.get_checkpoint_state(logs_train_dir) if ckpt and ckpt.model_checkpoint_path: global_step = ckpt.model_checkpoint_path.split('/')[-1].split('-')[-1] saver.restore(sess, ckpt.model_checkpoint_path) print('模型加载成功, 训练的步数为: %s' % global_step) else: print('模型加载失败,checkpoint文件没找到!') prediction = sess.run(logit, feed_dict={x: image_array}) max_index = np.argmax(prediction) workbook.close() def evaluate_images(test_img): coord = tf.train.Coordinator() threads = tf.train.start_queue_runners(coord=coord) for index,img in enumerate(test_img): image = Image.open(img) image = image.resize([208, 208]) image_array = np.array(image) tf.compat.v1.threading.Thread(target=evaluate_one_image, args=(image_array, index)).start() coord.request_stop() coord.join(threads) if __name__ == '__main__': test_dir = 'data/test/' import glob import xlwt test_img = glob.glob(test_dir + '*.jpg') evaluate_images(test_img)

逐行详细解释以下代码并加注释from tensorflow import keras import matplotlib.pyplot as plt base_image_path = keras.utils.get_file( "coast.jpg", origin="https://img-datasets.s3.amazonaws.com/coast.jpg") plt.axis("off") plt.imshow(keras.utils.load_img(base_image_path)) #instantiating a model from tensorflow.keras.applications import inception_v3 model = inception_v3.InceptionV3(weights='imagenet',include_top=False) #配置各层对DeepDream损失的贡献 layer_settings = { "mixed4": 1.0, "mixed5": 1.5, "mixed6": 2.0, "mixed7": 2.5, } outputs_dict = dict( [ (layer.name, layer.output) for layer in [model.get_layer(name) for name in layer_settings.keys()] ] ) feature_extractor = keras.Model(inputs=model.inputs, outputs=outputs_dict) #定义损失函数 import tensorflow as tf def compute_loss(input_image): features = feature_extractor(input_image) loss = tf.zeros(shape=()) for name in features.keys(): coeff = layer_settings[name] activation = features[name] loss += coeff * tf.reduce_mean(tf.square(activation[:, 2:-2, 2:-2, :])) return loss #梯度上升过程 @tf.function def gradient_ascent_step(image, learning_rate): with tf.GradientTape() as tape: tape.watch(image) loss = compute_loss(image) grads = tape.gradient(loss, image) grads = tf.math.l2_normalize(grads) image += learning_rate * grads return loss, image def gradient_ascent_loop(image, iterations, learning_rate, max_loss=None): for i in range(iterations): loss, image = gradient_ascent_step(image, learning_rate) if max_loss is not None and loss > max_loss: break print(f"... Loss value at step {i}: {loss:.2f}") return image #hyperparameters step = 20. num_octave = 3 octave_scale = 1.4 iterations = 30 max_loss = 15. #图像处理方面 import numpy as np def preprocess_image(image_path): img = keras.utils.load_img(image_path) img = keras.utils.img_to_array(img) img = np.expand_dims(img, axis=0) img = keras.applications.inception_v3.preprocess_input(img) return img def deprocess_image(img): img = img.reshape((img.shape[1], img.shape[2], 3)) img /= 2.0 img += 0.5 img *= 255. img = np.clip(img, 0, 255).astype("uint8") return img #在多个连续 上运行梯度上升 original_img = preprocess_image(base_image_path) original_shape = original_img.shape[1:3] successive_shapes = [original_shape] for i in range(1, num_octave): shape = tuple([int(dim / (octave_scale ** i)) for dim in original_shape]) successive_shapes.append(shape) successive_shapes = successive_shapes[::-1] shrunk_original_img = tf.image.resize(original_img, successive_shapes[0]) img = tf.identity(original_img) for i, shape in enumerate(successive_shapes): print(f"Processing octave {i} with shape {shape}") img = tf.image.resize(img, shape) img = gradient_ascent_loop( img, iterations=iterations, learning_rate=step, max_loss=max_loss ) upscaled_shrunk_original_img = tf.image.resize(shrunk_original_img, shape) same_size_original = tf.image.resize(original_img, shape) lost_detail = same_size_original - upscaled_shrunk_original_img img += lost_detail shrunk_original_img = tf.image.resize(original_img, shape) keras.utils.save_img("DeepDream.png", deprocess_image(img.numpy()))

下面的代码哪里有问题,帮我改一下from __future__ import print_function import numpy as np import tensorflow import keras from keras.models import Sequential from keras.layers import Dense,Dropout,Flatten from keras.layers import Conv2D,MaxPooling2D from keras import backend as K import tensorflow as tf import datetime import os np.random.seed(0) from sklearn.model_selection import train_test_split from PIL import Image import matplotlib.pyplot as plt from keras.datasets import mnist images = [] labels = [] (x_train,y_train),(x_test,y_test)=mnist.load_data() X = np.array(images) print (X.shape) y = np.array(list(map(int, labels))) print (y.shape) x_train, x_test, y_train, y_test = train_test_split(X, y, test_size=0.30, random_state=0) print (x_train.shape) print (x_test.shape) print (y_train.shape) print (y_test.shape) ############################ ########## batch_size = 20 num_classes = 4 learning_rate = 0.0001 epochs = 10 img_rows,img_cols = 32 , 32 if K.image_data_format() =='channels_first': x_train =x_train.reshape(x_train.shape[0],1,img_rows,img_cols) x_test = x_test.reshape(x_test.shape[0],1,img_rows,img_cols) input_shape = (1,img_rows,img_cols) else: x_train = x_train.reshape(x_train.shape[0],img_rows,img_cols,1) x_test = x_test.reshape(x_test.shape[0],img_rows,img_cols,1) input_shape =(img_rows,img_cols,1) x_train =x_train.astype('float32') x_test = x_test.astype('float32') x_train /= 255 x_test /= 255 print('x_train shape:',x_train.shape) print(x_train.shape[0],'train samples') print(x_test.shape[0],'test samples')

最新推荐

recommend-type

C++多态实现机制详解:虚函数与早期绑定

C++多态性实现机制是面向对象编程的重要特性,它允许在运行时根据对象的实际类型动态地调用相应的方法。本文主要关注于虚函数的使用,这是实现多态的关键技术之一。虚函数在基类中声明并被标记为virtual,当派生类重写该函数时,基类的指针或引用可以正确地调用派生类的版本。 在例1-1中,尽管定义了fish类,但基类animal中的breathe()方法并未被声明为虚函数。因此,当我们创建一个fish对象fh,并将其地址赋值给animal类型的指针pAn时,编译器在编译阶段就已经确定了函数的调用地址,这就是早期绑定。这意味着pAn指向的是animal类型的对象,所以调用的是animal类的breathe()函数,而不是fish类的版本,输出结果自然为"animalbreathe"。 要实现多态性,需要在基类中将至少一个成员函数声明为虚函数。这样,即使通过基类指针调用,也能根据实际对象的类型动态调用相应的重载版本。在C++中,使用关键字virtual来声明虚函数,如`virtual void breathe();`。如果在派生类中重写了这个函数,例如在fish类中定义`virtual void breathe() { cout << "fishbubble" << endl; }`,那么即使使用animal类型的指针,也能调用到fish类的breathe()方法。 内存模型的角度来看,当一个派生类对象被赋值给基类指针时,基类指针只存储了派生类对象的基类部分的地址。因此,即使进行类型转换,也只是访问基类的公共成员,而不会访问派生类特有的私有或保护成员。这就解释了为什么即使指针指向的是fish对象,调用的还是animal的breathe()函数。 总结来说,C++多态性是通过虚函数和早期/晚期绑定来实现的。理解这两个概念对于编写可扩展和灵活的代码至关重要。在设计程序时,合理使用多态能够提高代码的复用性和可维护性,使得程序结构更加模块化。通过虚函数,可以在不改变接口的情况下,让基类指针动态调用不同类型的子类对象上的同名方法,从而展现C++强大的继承和封装特性。
recommend-type

管理建模和仿真的文件

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

Parallelization Techniques for Matlab Autocorrelation Function: Enhancing Efficiency in Big Data Analysis

# 1. Introduction to Matlab Autocorrelation Function The autocorrelation function is a vital analytical tool in time-domain signal processing, capable of measuring the similarity of a signal with itself at varying time lags. In Matlab, the autocorrelation function can be calculated using the `xcorr
recommend-type

matlab处理nc文件,nc文件是1979-2020年的全球降雨数据,获取一个省份区域内的日降雨量,代码怎么写

在MATLAB中处理`.nc`(NetCDF)文件通常需要使用`netcdf`函数库,它是一个用于读写多种科学数据格式的工具。对于全球降雨数据,你可以按照以下步骤编写代码: 1. 安装必要的库(如果还没有安装): ```matlab % 如果你尚未安装 netcdf 包,可以安装如下: if ~exist('netcdf', 'dir') disp('Installing the NetCDF toolbox...') addpath(genpath(fullfile(matlabroot,'toolbox','nco'))); end ``` 2. 加载nc文件并查看其结
recommend-type

Java多线程与异常处理详解

"Java多线程与进程调度是编程领域中的重要概念,尤其是在Java语言中。多线程允许程序同时执行多个任务,提高系统的效率和响应速度。Java通过Thread类和相关的同步原语支持多线程编程,而进程则是程序的一次执行实例,拥有独立的数据区域。线程作为进程内的执行单元,共享同一地址空间,减少了通信成本。多线程在单CPU系统中通过时间片轮转实现逻辑上的并发执行,而在多CPU系统中则能实现真正的并行。 在Java中,异常处理是保证程序健壮性的重要机制。异常是程序运行时发生的错误,通过捕获和处理异常,可以确保程序在遇到问题时能够优雅地恢复或终止,而不是崩溃。Java的异常处理机制使用try-catch-finally语句块来捕获和处理异常,提供了更高级的异常类型以及finally块确保关键代码的执行。 Jdb是Java的调试工具,特别适合调试多线程程序。它允许开发者设置断点,查看变量状态,单步执行代码,从而帮助定位和解决问题。在多线程环境中,理解线程的生命周期和状态(如新建、运行、阻塞、等待、结束)以及如何控制线程的执行顺序和同步是至关重要的。 Java的多线程支持包括Thread类和Runnable接口。通过继承Thread类或者实现Runnable接口,用户可以创建自己的线程。线程间同步是多线程编程中的一大挑战,Java提供了synchronized关键字、wait()、notify()和notifyAll()等方法来解决这个问题,防止数据竞争和死锁的发生。 在实际应用中,多线程常用于网络编程、数据库访问、GUI应用程序(如Swing或JavaFX)的事件处理、服务器端的并发处理等场景。例如,一个Web服务器可能需要同时处理多个客户端请求,这时使用多线程可以显著提升性能。此外,多线程在动画制作、游戏开发、多媒体应用等领域也发挥着重要作用,因为它允许同时处理渲染、计算和用户交互等多个任务。 Java的多线程与进程调度是构建高效、健壮应用的基础,而异常处理则提升了程序的稳定性。通过深入理解和熟练运用这些概念,开发者可以创建出更加灵活和可靠的软件系统。"
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

The Application of Autocorrelation Function in Economics: Economic Cycle Analysis and Forecasting Modeling

# Application of Autocorrelation Function in Economics: Analysis and Forecasting Models for Economic Cycles ## 1. Theoretical Foundations of Autocorrelation Function The Autocorrelation Function (ACF) is a statistical tool used to measure the correlation between data points in time series data tha
recommend-type

帮我用PHP写一个登录界面

当然可以,创建一个简单的PHP登录页面的基本步骤如下: ```php <!DOCTYPE html> <html lang="zh"> <head> <meta charset="UTF-8"> <title>登录页面</title> </head> <body> <h2>用户登录</h2> <form method="post" action="login.php"> <label for="username">用户名:</label><br> <input type="text" id="username" name="us
recommend-type

校园导游系统:无向图实现最短路径探索

"校园导游系统是一个简单的程序设计实习项目,旨在用无向图表示校园的景点平面图,提供景点介绍和最短路径计算功能。该项目适用于学习数据结构和图算法,通过Floyd算法求解最短路径,并进行功能测试。" 这篇摘要提及的知识点包括: 1. **无向图**:在本系统中,无向图用于表示校园景点之间的关系,每个顶点代表一个景点,边表示景点之间的连接。无向图的特点是图中的边没有方向,任意两个顶点间可以互相到达。 2. **数据结构**:系统可能使用邻接矩阵来存储图数据,如`cost[n][n]`和`shortest[n][n]`分别表示边的权重和两点间的最短距离。`path[n][n]`则用于记录最短路径中经过的景点。 3. **景点介绍**:`introduce()`函数用于提供景点的相关信息,包括编号、名称和简介,这可能涉及到字符串处理和文件读取。 4. **最短路径算法**:通过`shortestdistance()`函数实现,可能是Dijkstra算法或Floyd-Warshall算法。这里特别提到了`floyed()`函数,这通常是Floyd算法的实现,用于计算所有顶点对之间的最短路径。 5. **Floyd-Warshall算法**:这是一种解决所有顶点对最短路径的动态规划算法。它通过迭代逐步更新每对顶点之间的最短路径,直到找到最终答案。 6. **函数说明**:`display(int i, int j)`用于输出从顶点i到顶点j的最短路径。这个函数可能需要解析`path[n][n]`数组,并将路径以用户可读的形式展示出来。 7. **测试用例**:系统进行了功能测试,包括景点介绍功能和最短路径计算功能的测试,以验证程序的正确性。测试用例包括输入和预期的输出,帮助识别程序的潜在问题。 8. **源代码**:源代码中包含了C语言的基本结构,如`#include`预处理器指令,`#define`定义常量,以及函数声明和定义。值得注意的是,`main()`函数是程序的入口点,而其他如`introduce()`, `shortestdistance()`, `floyed()`, 和 `display(int i, int j)` 是实现特定功能的子程序。 9. **全局变量**:`cost[n][n]`, `shortest[n][n]` 和 `path[n][n]`是全局变量,它们在整个程序范围内都可见,方便不同函数共享数据。 10. **C语言库**:`<stdio.h>`用于基本输入输出,`<process.h>`在这里可能用于进程控制,但请注意,在标准C库中并没有这个头文件,这可能是特定平台或编译器的扩展。 这个简单的校园导游系统是一个很好的教学案例,它涵盖了图论、数据结构、算法和软件测试等多个核心的计算机科学概念。对于学习者来说,通过实际操作这样的项目,可以加深对这些知识的理解和应用能力。
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·恩