Dissertations / Theses on the topic 'Apprentissage des représentations démêlées'
Create a spot-on reference in APA, MLA, Chicago, Harvard, and other styles
Consult the top 50 dissertations / theses for your research on the topic 'Apprentissage des représentations démêlées.'
Next to every source in the list of references, there is an 'Add to bibliography' button. Press on it, and we will generate automatically the bibliographic reference to the chosen work in the citation style you need: APA, MLA, Harvard, Chicago, Vancouver, etc.
You can also download the full text of the academic publication as pdf and read online its abstract whenever available in the metadata.
Browse dissertations / theses on a wide variety of disciplines and organise your bibliography correctly.
Sanchez, Eduardo Hugo. "Learning disentangled representations of satellite image time series in a weakly supervised manner." Thesis, Toulouse 3, 2021. http://www.theses.fr/2021TOU30032.
Full textThis work focuses on learning data representations of satellite image time series via an unsupervised learning approach. The main goal is to enforce the data representation to capture the relevant information from the time series to perform other applications of satellite imagery. However, extracting information from satellite data involves many challenges since models need to deal with massive amounts of images provided by Earth observation satellites. Additionally, it is impossible for human operators to label such amount of images manually for each individual task (e.g. classification, segmentation, change detection, etc.). Therefore, we cannot use the supervised learning framework which achieves state-of-the-art results in many tasks.To address this problem, unsupervised learning algorithms have been proposed to learn the data structure instead of performing a specific task. Unsupervised learning is a powerful approach since no labels are required during training and the knowledge acquired can be transferred to other tasks enabling faster learning with few labels.In this work, we investigate the problem of learning disentangled representations of satellite image time series where a shared representation captures the spatial information across the images of the time series and an exclusive representation captures the temporal information which is specific to each image. We present the benefits of disentangling the spatio-temporal information of time series, e.g. the spatial information is useful to perform time-invariant image classification or segmentation while the knowledge about the temporal information is useful for change detection. To accomplish this, we analyze some of the most prevalent unsupervised learning models such as the variational autoencoder (VAE) and the generative adversarial networks (GANs) as well as the extensions of these models to perform representation disentanglement. Encouraged by the successful results achieved by generative and reconstructive models, we propose a novel framework to learn spatio-temporal representations of satellite data. We prove that the learned disentangled representations can be used to perform several computer vision tasks such as classification, segmentation, information retrieval and change detection outperforming other state-of-the-art models. Nevertheless, our experiments suggest that generative and reconstructive models present some drawbacks related to the dimensionality of the data representation, architecture complexity and the lack of disentanglement guarantees. In order to overcome these limitations, we explore a recent method based on mutual information estimation and maximization for representation learning without relying on image reconstruction or image generation. We propose a new model that extends the mutual information maximization principle to disentangle the representation domain into two parts. In addition to the experiments performed on satellite data, we show that our model is able to deal with different kinds of datasets outperforming the state-of-the-art methods based on GANs and VAEs. Furthermore, we show that our mutual information based model is less computationally demanding yet more effective. Finally, we show that our model is useful to create a data representation that only captures the class information between two images belonging to the same category. Disentangling the class or category of an image from other factors of variation provides a powerful tool to compute the similarity between pixels and perform image segmentation in a weakly-supervised manner
Mensch, Arthur. "Apprentissage de représentations en imagerie fonctionnelle." Thesis, Université Paris-Saclay (ComUE), 2018. http://www.theses.fr/2018SACLS300/document.
Full textThanks to the advent of functional brain-imaging technologies, cognitive neuroscience is accumulating maps of neural activity responses to specific tasks or stimuli, or of spontaneous activity. In this work, we consider data from functional Magnetic Resonance Imaging (fMRI), that we study in a machine learning setting: we learn a model of brain activity that should generalize on unseen data. After reviewing the standard fMRI data analysis techniques, we propose new methods and models to benefit from the recently released large fMRI data repositories. Our goal is to learn richer representations of brain activity. We first focus on unsupervised analysis of terabyte-scale fMRI data acquired on subjects at rest (resting-state fMRI). We perform this analysis using matrix factorization. We present new methods for running sparse matrix factorization/dictionary learning on hundreds of fMRI records in reasonable time. Our leading approach relies on introducing randomness in stochastic optimization loops and provides speed-up of an order of magnitude on a variety of settings and datasets. We provide an extended empirical validation of our stochastic subsampling approach, for datasets from fMRI, hyperspectral imaging and collaborative filtering. We derive convergence properties for our algorithm, in a theoretical analysis that reaches beyond the matrix factorization problem. We then turn to work with fMRI data acquired on subject undergoing behavioral protocols (task fMRI). We investigate how to aggregate data from many source studies, acquired with many different protocols, in order to learn more accurate and interpretable decoding models, that predicts stimuli or tasks from brain maps. Our multi-study shared-layer model learns to reduce the dimensionality of input brain images, simultaneously to learning to decode these images from their reduced representation. This fosters transfer learning in between studies, as we learn the undocumented cognitive common aspects that the many fMRI studies share. As a consequence, our multi-study model performs better than single-study decoding. Our approach identifies universally relevant representation of brain activity, supported by a few task-optimized networks learned during model fitting. Finally, on a related topic, we show how to use dynamic programming within end-to-end trained deep networks, with applications in natural language processing
Moradi, Fard Maziar. "Apprentissage de représentations de données dans un apprentissage non-supervisé." Thesis, Université Grenoble Alpes, 2020. http://www.theses.fr/2020GRALM053.
Full textDue to the great impact of deep learning on variety fields of machine learning, recently their abilities to improve clustering approaches have been investi- gated. At first, deep learning approaches (mostly Autoencoders) have been used to reduce the dimensionality of the original space and to remove possible noises (also to learn new data representations). Such clustering approaches that utilize deep learning approaches are called Deep Clustering. This thesis focuses on developing Deep Clustering models which can be used for different types of data (e.g., images, text). First we propose a Deep k-means (DKM) algorithm where learning data representations (through a deep Autoencoder) and cluster representatives (through the k-means) are performed in a joint way. The results of our DKM approach indicate that this framework is able to outperform similar algorithms in Deep Clustering. Indeed, our proposed framework is able to truly and smoothly backpropagate the loss function error through all learnable variables.Moreover, we propose two frameworks named SD2C and PCD2C which are able to integrate respectively seed words and pairwise constraints into end-to-end Deep Clustering frameworks. In fact, by utilizing such frameworks, the users can observe the reflection of their needs in clustering. Finally, the results obtained from these frameworks indicate their ability to obtain more tailored results
Saxena, Shreyas. "Apprentissage de représentations pour la reconnaissance visuelle." Thesis, Université Grenoble Alpes (ComUE), 2016. http://www.theses.fr/2016GREAM080/document.
Full textIn this dissertation, we propose methods and data driven machine learning solutions which address and benefit from the recent overwhelming growth of digital media content.First, we consider the problem of improving the efficiency of image retrieval. We propose a coordinated local metric learning (CLML) approach which learns local Mahalanobis metrics, and integrates them in a global representation where the l2 distance can be used. This allows for data visualization in a single view, and use of efficient ` 2 -based retrieval methods. Our approach can be interpreted as learning a linear projection on top of an explicit high-dimensional embedding of a kernel. This interpretation allows for the use of existing frameworks for Mahalanobis metric learning for learning local metrics in a coordinated manner. Our experiments show that CLML improves over previous global and local metric learning approaches for the task of face retrieval.Second, we present an approach to leverage the success of CNN models forvisible spectrum face recognition to improve heterogeneous face recognition, e.g., recognition of near-infrared images from visible spectrum training images. We explore different metric learning strategies over features from the intermediate layers of the networks, to reduce the discrepancies between the different modalities. In our experiments we found that the depth of the optimal features for a given modality, is positively correlated with the domain shift between the source domain (CNN training data) and the target domain. Experimental results show the that we can use CNNs trained on visible spectrum images to obtain results that improve over the state-of-the art for heterogeneous face recognition with near-infrared images and sketches.Third, we present convolutional neural fabrics for exploring the discrete andexponentially large CNN architecture space in an efficient and systematic manner. Instead of aiming to select a single optimal architecture, we propose a “fabric” that embeds an exponentially large number of architectures. The fabric consists of a 3D trellis that connects response maps at different layers, scales, and channels with a sparse homogeneous local connectivity pattern. The only hyperparameters of the fabric (the number of channels and layers) are not critical for performance. The acyclic nature of the fabric allows us to use backpropagation for learning. Learning can thus efficiently configure the fabric to implement each one of exponentially many architectures and, more generally, ensembles of all of them. While scaling linearly in terms of computation and memory requirements, the fabric leverages exponentially many chain-structured architectures in parallel by massively sharing weights between them. We present benchmark results competitive with the state of the art for image classification on MNIST and CIFAR10, and for semantic segmentation on the Part Labels dataset
Melouki, Brahim. "Apprentissage du français en Palestine : motivations et représentations." Rouen, 2011. http://www.theses.fr/2011ROUEL013.
Full textTchobanov, Atanas. "Représentations et apprentissage des primitives phonologiques : ^pproche neuromimétique." Paris 10, 2002. http://www.theses.fr/2002PA100018.
Full textWe develop the idea that the basic phonological objects : features, phonemes and syllables are represented at the level of cortical activity by coherent neuron assemblies' reverberations. Thes assemblies of hebbian type are located at cortex areas specializing in the process of phonological planning-production (Broca) and perception-comprehension (Wernicke). Neurobiological and connectionist simulations data support the view that synchronous activity of neurons from distant areas can be rapidly obtained if the model respects some neurobiological properties. We claim that phonology should be neurologically plausible. Using a well-studied coding scheme as the temporal synchrony of neuron activity gives representations a cognitive realism. Resulting patters are generic, not specially phonological and might be reused in modeling other linguistics and cognitive phenomena. .
Tamaazousti, Youssef. "Vers l’universalité des représentations visuelle et multimodales." Thesis, Université Paris-Saclay (ComUE), 2018. http://www.theses.fr/2018SACLC038/document.
Full textBecause of its key societal, economic and cultural stakes, Artificial Intelligence (AI) is a hot topic. One of its main goal, is to develop systems that facilitates the daily life of humans, with applications such as household robots, industrial robots, autonomous vehicle and much more. The rise of AI is highly due to the emergence of tools based on deep neural-networks which make it possible to simultaneously learn, the representation of the data (which were traditionally hand-crafted), and the task to solve (traditionally learned with statistical models). This resulted from the conjunction of theoretical advances, the growing computational capacity as well as the availability of many annotated data. A long standing goal of AI is to design machines inspired humans, capable of perceiving the world, interacting with humans, in an evolutionary way. We categorize, in this Thesis, the works around AI, in the two following learning-approaches: (i) Specialization: learn representations from few specific tasks with the goal to be able to carry out very specific tasks (specialized in a certain field) with a very good level of performance; (ii) Universality: learn representations from several general tasks with the goal to perform as many tasks as possible in different contexts. While specialization was extensively explored by the deep-learning community, only a few implicit attempts were made towards universality. Thus, the goal of this Thesis is to explicitly address the problem of improving universality with deep-learning methods, for image and text data. We have addressed this topic of universality in two different forms: through the implementation of methods to improve universality (“universalizing methods”); and through the establishment of a protocol to quantify its universality. Concerning universalizing methods, we proposed three technical contributions: (i) in a context of large semantic representations, we proposed a method to reduce redundancy between the detectors through, an adaptive thresholding and the relations between concepts; (ii) in the context of neural-network representations, we proposed an approach that increases the number of detectors without increasing the amount of annotated data; (iii) in a context of multimodal representations, we proposed a method to preserve the semantics of unimodal representations in multimodal ones. Regarding the quantification of universality, we proposed to evaluate universalizing methods in a Transferlearning scheme. Indeed, this technical scheme is relevant to assess the universal ability of representations. This also led us to propose a new framework as well as new quantitative evaluation criteria for universalizing methods
Ez-Zaher, Ahmed. "Représentations métaphonologiques et apprentissage de la lecture en arabe." Toulouse 2, 2004. http://www.theses.fr/2004TOU20028.
Full textThis study was designed to examine the relation between phonological awareness and learning to read arabic. The main hypothesis holds that, unlike other alphabetic languages, syllabic awareness may play important role in learning to read. Some phonological and orthographic characteristics of the arabic language do have an influence both on phonological awareness children, shows clearly that syllabic awareness is strongly related to learning to read in beginning years, both as prerequisite or as a consequence of this learning. Syllabic segmentation appears much useful to establish letter/sound correspondences in the vowelised script. In contrast, phonemic awareness is needed only later in a second stage when children have to process an unvowelised, deep orthography. It was concluded that in the first stage phonemic awareness is not necessary to acquire reading abilities in vowelised arabic orthography and thus teaching methods must rely on syllabic units to introduce children to literacy
Boisson, Arthur. "Motricité et intégration multi-sensorielle : apprentissage des représentations grapho-phonémiques." Thesis, Lyon, 2018. http://www.theses.fr/2018LYSE2126/document.
Full textIn our daily lives, we are surrounded by audiovisual associations: we perceive and memorize them throughout our lives. However, the mechanisms involved in their learning are not fully understood. In particular, factors such as motor skills that promote such learning are rarely studied from a memory point of view.Thus, the general objectives of this thesis are to: i) study the cognitive mechanisms underlying the learning of audio-visual associations, ii) better understand the impact of motor skills on the effectiveness of its mechanisms, and iii) propose original methodologies likely to increase the effectiveness of these mechanisms and/or compensate for possible deficits.More precisely, this thesis work focuses on the benefit of motor exploration in learning grapho-phonemic correspondences (GPC). In addition to the purely theoretical interest in studying this learning, the importance of this acquisition for young pre-readers adds a practical and pedagogical dimension to this work. What stands out from this thesis is that two areas of study, the one of learning to read and the one of memory are combined. Though both of them deal with learning hence memory, there has never been a real attempt to apply memory models to help understand the mechanisms of learning word reading and writing, and conversely, memory research has rarely looked to research on learning to read and write to validate their assumptions. However, one of the interests of the Act-In model used to support this thesis is precisely to propose an integrated approach to cognitive functioning and not only to memory
Amate, Laure. "Apprentissage de modèles de formes parcimonieux basés sur des représentations splines." Phd thesis, Université de Nice Sophia-Antipolis, 2009. http://tel.archives-ouvertes.fr/tel-00456612.
Full textDo, Huu Nicolas. "Apprentissage de représentations sensori-motrices pour la reconnaissance d'objet en robotique." Phd thesis, Université Paul Sabatier - Toulouse III, 2007. http://tel.archives-ouvertes.fr/tel-00283073.
Full textBreton, Jean-Luc. "Apprentissage de l'anglais en section européenne au lycée : représentations et pratiques." Phd thesis, Paris 10, 2011. http://tel.archives-ouvertes.fr/tel-00812568.
Full textAmate, Laure. "Apprentissage de modèles de formes parcimonieux basés sur les représentations splines." Nice, 2009. http://www.theses.fr/2009NICE4117.
Full textIn many contexts it is important to be able to find compact representations of the collective morphological properties of a set of objects. This is the case of autonomous robotic platforms operating in natural environments that must use the perceptual properties of the objects present in their workspace to execute their mission. This thesis is a contribution to the definition of formalisms and methods for automatic identification of such models. The shapes we want to characterize are closed curves corresponding to contours of objects detected in the scene. We begin with the formal definition of the notion of shape as classes of equivalence with respect to groups of basic geometric operators, introducing two distinct approaches that have been used in the literature: discrete and continuous. The discrete theory, admitting the existence of a finite number of recognizable landmarks, provides in an obvious manner a compact representation but is sensible to their selection. The continuous theory of shapes provides a more fundamental approach, but leads to shape spaces of infinite dimension, lacking the parsimony of the discrete representation. We thus combine in our work the advantages of both approaches representing shapes of curves with splines: piece-wise continuous polynomials defined by sets of knots and control points. We first study the problem of fitting free-knots splines of varying complexity to a single observed curve. The trade-o_ between the parsimony of the representation and its fidelity to the observations is a well known characteristic of model identification using nested families of increasing dimension. After presenting an overview of methods previously proposed in the literature, we single out a two-step approach which is formally sound and matches our specific requirements. It splits the identification, simulating a reversible jump Markov chain to select the complexity of the model followed by a simulated annealing algorithm to estimate its parameters. We investigate the link between Kendall's shape space and spline representations when we take the spline control points as landmarks. We consider now the more complex problem of modeling a set of objects with similar morphological characteristics. We equate the problem to finding the statistical distribution of the parameters of the spline representation, modeling the knots and control points as unobserved variables. The identified distribution is the maximizer of a marginal likelihood criterion, and we propose a new Expectation-Maximization algorithm to optimize it. Because we may want to treat a large number of curves observed sequentially, we adapt an iterative (on-line) version of the EM algorithm recently proposed in the literature. For the choice of statistical distributions that we consider, both the expectation and the maximization steps must resort to numerical approximations, leading to a stochastic/on-line variant of the EM algorithm that, as far as we know, is implemented here for the first time
Munzer, Thibaut. "Représentations relationnelles et apprentissage interactif pour l'apprentissage efficace du comportement coopératif." Thesis, Bordeaux, 2017. http://www.theses.fr/2017BORD0574/document.
Full textThis thesis presents new approaches toward efficient and intuitive high-level plan learning for cooperative robots. More specifically this work study Learning from Demonstration algorithm for relational domains. Using relational representation to model the world, simplify representing concurrentand cooperative behavior.We have first developed and studied the first algorithm for Inverse ReinforcementLearning in relational domains. We have then presented how one can use the RAP formalism to represent Cooperative Tasks involving a robot and a human operator. RAP is an extension of the Relational MDP framework that allows modeling concurrent activities. Using RAP allow us to represent both the human and the robot in the same process but also to model concurrent robot activities. Under this formalism, we have demonstrated that it is possible to learn behavior, as policy and as reward, of a cooperative team. Prior knowledge about the task can also be used to only learn preferences of the operator.We have shown that, using relational representation, it is possible to learn cooperative behaviors from a small number of demonstration. That these behaviors are robust to noise, can generalize to new states and can transfer to different domain (for example adding objects). We have also introduced an interactive training architecture that allows the system to make fewer mistakes while requiring less effort from the human operator. By estimating its confidence the robot is able to ask for instructions when the correct activity to dois unsure. Lastly, we have implemented these approaches on a real robot and showed their potential impact on an ecological scenario
Barthelemy, Quentin. "Représentations parcimonieuses pour les signaux multivariés." Thesis, Grenoble, 2013. http://www.theses.fr/2013GRENU008/document.
Full textIn this thesis, we study approximation and learning methods which provide sparse representations. These methods allow to analyze very redundant data-bases thanks to learned atoms dictionaries. Being adapted to studied data, they are more efficient in representation quality than classical dictionaries with atoms defined analytically. We consider more particularly multivariate signals coming from the simultaneous acquisition of several quantities, as EEG signals or 2D and 3D motion signals. We extend sparse representation methods to the multivariate model, to take into account interactions between the different components acquired simultaneously. This model is more flexible that the common multichannel one which imposes a hypothesis of rank 1. We study models of invariant representations: invariance to temporal shift, invariance to rotation, etc. Adding supplementary degrees of freedom, each kernel is potentially replicated in an atoms family, translated at all samples, rotated at all orientations, etc. So, a dictionary of invariant kernels generates a very redundant atoms dictionary, thus ideal to represent the redundant studied data. All these invariances require methods adapted to these models. Temporal shift-invariance is an essential property for the study of temporal signals having a natural temporal variability. In the 2D and 3D rotation invariant case, we observe the efficiency of the non-oriented approach over the oriented one, even when data are not revolved. Indeed, the non-oriented model allows to detect data invariants and assures the robustness to rotation when data are revolved. We also observe the reproducibility of the sparse decompositions on a learned dictionary. This generative property is due to the fact that dictionary learning is a generalization of K-means. Moreover, our representations have many invariances that is ideal to make classification. We thus study how to perform a classification adapted to the shift-invariant model, using shift-consistent pooling functions
Hugueney, Bernard. "Représentations symboliques de longues séries temporelles." Paris 6, 2003. http://www.theses.fr/2003PA066161.
Full textIsaac, Yoann. "Représentations redondantes pour les signaux d’électroencéphalographie." Thesis, Paris 11, 2015. http://www.theses.fr/2015PA112072/document.
Full textThe electroencephalography measures the brain activity by recording variations of the electric field on the surface of the skull. This measurement is usefull in various applications like medical diagnosis, analysis of brain functionning or whithin brain-computer interfaces. Numerous studies have tried to develop methods for analyzing these signals in order to extract various components of interest, however, none of them allows to extract them with sufficient reliabilty. This thesis focuses on the development of approaches considering redundant (overcomoplete) representations for these signals. During the last years, these representations have been shown particularly efficient to describe various classes of signals due to their flexibility. Obtaining such representations for EEG presents some difficuties due to the low signal-to-noise ratio of these signals. We propose in this study to overcome them by guiding the methods considered to physiologically plausible representations thanks to well-suited regularizations. These regularizations are built from prior knowledge about the spatial and temporal properties of these signals. For each regularization, an algorithm is proposed to solve the optimization problem allowing to obtain the targeted representations. The evaluation of the proposed EEG signals approaches highlights their effectiveness in representing them
Thomas, Hugues. "Apprentissage de nouvelles représentations pour la sémantisation de nuages de points 3D." Thesis, Paris Sciences et Lettres (ComUE), 2019. http://www.theses.fr/2019PSLEM048/document.
Full textIn the recent years, new technologies have allowed the acquisition of large and precise 3D scenes as point clouds. They have opened up new applications like self-driving vehicles or infrastructure monitoring that rely on efficient large scale point cloud processing. Convolutional deep learning methods cannot be directly used with point clouds. In the case of images, convolutional filters brought the ability to learn new representations, which were previously hand-crafted in older computer vision methods. Following the same line of thought, we present in this thesis a study of hand-crafted representations previously used for point cloud processing. We propose several contributions, to serve as basis for the design of a new convolutional representation for point cloud processing. They include a new definition of multiscale radius neighborhood, a comparison with multiscale k-nearest neighbors, a new active learning strategy, the semantic segmentation of large scale point clouds, and a study of the influence of density in multiscale representations. Following these contributions, we introduce the Kernel Point Convolution (KPConv), which uses radius neighborhoods and a set of kernel points to play the role of the kernel pixels in image convolution. Our convolutional networks outperform state-of-the-art semantic segmentation approaches in almost any situation. In addition to these strong results, we designed KPConv with a great flexibility and a deformable version. To conclude our argumentation, we propose several insights on the representations that our method is able to learn
Barthélemy, Quentin. "Représentations parcimonieuses pour les signaux multivariés." Phd thesis, Université de Grenoble, 2013. http://tel.archives-ouvertes.fr/tel-00853362.
Full textPaquier, Williams. "Apprentissage ouvert de représentations et de fonctionalités en robotique : analyse, modèles et implémentation." Toulouse 3, 2004. http://www.theses.fr/2004TOU30233.
Full textAutonomous acquisition of representations and functionalities by a machine address several theoretical questions. Today’s autonomous robots are developed around a set of functionalities. Their representations of the world are deduced from the analysis and modeling of a given problem, and are initially given by the developers. This limits the learning capabilities of robots. In this thesis, we propose an approach and a system able to build open-ended representation and functionalities. This system learns through its experimentations of the environment and aims to augment a value function. Its objective consists in acting to reactivate the representations it has already learnt to connote positively. An analysis of the generalization capabilities to produce appropriate actions enable define a minimal set of properties needed by such a system. The open-ended representation system is composed of a network of homogeneous processing units and is based on position coding. The meaning of a processing unit depends on its position in the global network. This representation system presents similarities with the principle of numeration by position. A representation is given by a set of active units. This system is implemented in a suite of software called NeuSter, which is able to simulate million unit networks with billions of connections on heterogeneous clusters of POSIX machines. .
Caron, Stéphane. "Détection d'anomalies basée sur les représentations latentes d'un autoencodeur variationnel." Master's thesis, Université Laval, 2021. http://hdl.handle.net/20.500.11794/69185.
Full textIn this master's thesis, we propose a methodology that aims to detect anomalies among complex data, such as images. In order to do that, we use a specific type of neural network called the varitionnal autoencoder (VAE). This non-supervised deep learning approach allows us to obtain a simple representation of our data on which we then use the Kullback-Leibler distance to discriminate between anomalies and "normal" observations. To determine if an image should be considered "abnormal", our approach is based on a proportion of observations to be filtered, which is easier and more intuitive to establish than applying a threshold based on the value of a distance metric. By using our methodology on real complex images, we can obtain superior anomaly detection performances in terms of area under the ROC curve (AUC),precision and recall compared to other non-supervised methods. Moreover, we demonstrate that the simplicity of our filtration level allows us to easily adapt the method to datasets having different levels of anomaly contamination.
Gaillard, Audrey. "Développement des représentations conceptuelles chez l'enfant : une approche transversale." Paris 8, 2011. http://www.theses.fr/2011PA083972.
Full textIn recent years, many studies in developmental psychology have focused on concept formation in children, i. E. Object categorization. This thesis aimed, first, to study the influence of several contextual factors (experimental instructions, number of repetitions, category membership) on representation stability studied with sorting task and property-generation production task with adult participants. In the second time, in order to study conceptual representations in children, we analyzed the categorical organization of various objects names and its temporal stability in children aged from 6 to 11 years old according to different factors: children's age, experimental tasks and category membership. The set of our results shows the influence of the task on temporal stability of representations, both in adults than in children. Therefore, it seems to be the type of task that induces variability, not the contextual factors tested (instructions, repetitions, category membership). In, children, our results show that stability representations depends on the age and the category membership of objects (natural objects or artifacts). We discuss results compared to theories of categorization and conceptual development
Bucher, Maxime. "Apprentissage et exploitation de représentations sémantiques pour la classification et la recherche d'images." Thesis, Normandie, 2018. http://www.theses.fr/2018NORMC250/document.
Full textIn this thesis, we examine some practical difficulties of deep learning models.Indeed, despite the promising results in computer vision, implementing them in some situations raises some questions. For example, in classification tasks where thousands of categories have to be recognised, it is sometimes difficult to gather enough training data for each category.We propose two new approaches for this learning scenario, called <>. We use semantic information to model classes which allows us to define models by description, as opposed to modelling from a set of examples.In the first chapter we propose to optimize a metric in order to transform the distribution of the original data and to obtain an optimal attribute distribution. In the following chapter, unlike the standard approaches of the literature that rely on the learning of a common integration space, we propose to generate visual features from a conditional generator. The artificial examples can be used in addition to real data for learning a discriminant classifier. In the second part of this thesis, we address the question of computational intelligibility for computer vision tasks. Due to the many and complex transformations of deep learning algorithms, it is difficult for a user to interpret the returned prediction. Our proposition is to introduce what we call a <> in the processing pipeline, which is a crossing point in which the representation of the image is entirely expressed with natural language, while retaining the efficiency of numerical representations. This semantic bottleneck allows to detect failure cases in the prediction process so as to accept or reject the decision
Bourigault, Simon. "Apprentissage de représentations pour la prédiction de propagation d'information dans les réseaux sociaux." Thesis, Paris 6, 2016. http://www.theses.fr/2016PA066368/document.
Full textIn this thesis, we study information diffusion in online social networks. Websites like Facebook or Twitter have indeed become information medias, on which users create and share a lot of data. Most existing models of the information diffusion phenomenon relies on strong hypothesis about the structure and dynamics of diffusion. In this document, we study the problem of diffusion prediction in the context where the social graph is unknown and only user actions are observed. - We propose a learning algorithm for the independant cascades model that does not take time into account. Experimental results show that this approach obtains better results than time-based learning schemes. - We then propose several representations learning methods for this task of diffusion prediction. This let us define more compact and faster models. - Finally, we apply our representation learning approach to the source detection task, where it obtains much better results than graph-based approaches
Magnan, Jean-Christophe. "Représentations graphiques de fonctions et processus décisionnels Markoviens factorisés." Thesis, Paris 6, 2016. http://www.theses.fr/2016PA066042/document.
Full textIn decision theoretic planning, the factored framework (Factored Markovian Decision Process, FMDP) has produced several efficient algorithms in order to resolve large sequential decision making under uncertainty problems. The efficiency of this algorithms relies on data structures such as decision trees or algebraïc decision diagrams (ADDs). These planification technics are exploited in Reinforcement Learning by the architecture SDyna in order to resolve large and unknown problems. However, state-of-the-art learning and planning algorithms used in SDyna require the problem to be specified uniquely using binary variables and/or to use improvable data structure in term of compactness. In this book, we present our research works that seek to elaborate and to use a new data structure more efficient and less restrictive, and to integrate it in a new instance of the SDyna architecture. In a first part, we present the state-of-the-art modeling tools used in the algorithms that tackle large sequential decision making under uncertainty problems. We detail the modeling using decision trees and ADDs. Then we introduce the Ordered and Reduced Graphical Representation of Function, a new data structure that we propose in this thesis to deal with the various problems concerning the ADDs. We demonstrate that ORGRFs improve on ADDs to model large problems. In a second part, we go over the resolution of large sequential decision under uncertainty problems using Dynamic Programming. After the introduction of the main algorithms, we see in details the factored alternative. We indicate the improvable points of these factored versions. We describe our new algorithm that improve on these points and exploit the ORGRFs previously introduced. In a last part, we speak about the use of FMDPs in Reinforcement Learning. Then we introduce a new algorithm to learn the new datastrcture we propose. Thanks to this new algorithm, a new instance of the SDyna architecture is proposed, based on the ORGRFs : the SPIMDDI instance. We test its efficiency on several standard problems from the litterature. Finally, we present some works around this new instance. We detail a new algorithm for efficient exploration-exploitation compromise management, aiming to simplify F-RMax. Then we speak about an application of SPIMDDI to the managements of units in a strategic real time video game
Francis, Danny. "Représentations sémantiques d'images et de vidéos." Electronic Thesis or Diss., Sorbonne université, 2019. http://www.theses.fr/2019SORUS605.
Full textRecent research in Deep Learning has sent the quality of results in multimedia tasks rocketing: thanks to new big datasets of annotated images and videos, Deep Neural Networks (DNN) have outperformed other models in most cases. In this thesis, we aim at developing DNN models for automatically deriving semantic representations of images and videos. In particular we focus on two main tasks : vision-text matching and image/video automatic captioning. Addressing the matching task can be done by comparing visual objects and texts in a visual space, a textual space or a multimodal space. Based on recent works on capsule networks, we define two novel models to address the vision-text matching problem: Recurrent Capsule Networks and Gated Recurrent Capsules. In image and video captioning, we have to tackle a challenging task where a visual object has to be analyzed, and translated into a textual description in natural language. For that purpose, we propose two novel curriculum learning methods. Moreover regarding video captioning, analyzing videos requires not only to parse still images, but also to draw correspondences through time. We propose a novel Learned Spatio-Temporal Adaptive Pooling method for video captioning that combines spatial and temporal analysis. Extensive experiments on standard datasets assess the interest of our models and methods with respect to existing works
Droniou, Alain. "Apprentissage de représentations et robotique développementale : quelques apports de l'apprentissage profond pour la robotique autonome." Thesis, Paris 6, 2015. http://www.theses.fr/2015PA066056/document.
Full textThis thesis studies the use of deep neural networks to learn high level representations from raw inputs on robots, based on the "manifold hypothesis"
Brucher, Matthieu. "Représentations compactes et apprentissage non supervisé de variétés non linéaires : Application au traitement d’images." Université Louis Pasteur (Strasbourg) (1971-2008), 2008. https://publication-theses.unistra.fr/public/theses_doctorat/2008/BRUCHER_Matthieu_2008.pdf.
Full textAghaei, Mazaheri Jérémy. "Représentations parcimonieuses et apprentissage de dictionnaires pour la compression et la classification d'images satellites." Thesis, Rennes 1, 2015. http://www.theses.fr/2015REN1S028/document.
Full textThis thesis explores sparse representation and dictionary learning methods to compress and classify satellite images. Sparse representations consist in approximating a signal by a linear combination of a few columns, known as atoms, from a dictionary, and thus representing it by only a few non-zero coefficients contained in a sparse vector. In order to improve the quality of the representations and to increase their sparsity, it is interesting to learn the dictionary. The first part of the thesis presents a state of the art about sparse representations and dictionary learning methods. Several applications of these methods are explored. Some image compression standards are also presented. The second part deals with the learning of dictionaries structured in several levels, from a tree structure to an adaptive structure, and their application to the compression of satellite images, by integrating them in an adapted coding scheme. Finally, the third part is about the use of learned structured dictionaries for the classification of satellite images. A method to estimate the Modulation Transfer Function (MTF) of the instrument used to capture an image is studied. A supervised classification algorithm, using structured dictionaries made discriminant between classes during the learning, is then presented in the scope of scene recognition in a picture
Varasteh, Yazdi Saeed. "Représentations parcimonieuses et apprentissage de dictionnaires pour la classification et le clustering de séries temporelles." Thesis, Université Grenoble Alpes (ComUE), 2018. http://www.theses.fr/2018GREAM062/document.
Full textLearning dictionary for sparse representing time series is an important issue to extract latent temporal features, reveal salient primitives and sparsely represent complex temporal data. This thesis addresses the sparse coding and dictionary learning problem for time series classification and clustering under time warp. For that, we propose a time warp invariant sparse coding and dictionary learning framework where both input samples and atoms define time series of different lengths that involve varying delays.In the first part, we formalize an L0 sparse coding problem and propose a time warp invariant orthogonal matching pursuit based on a new cosine maximization time warp operator. For the dictionary learning stage, a non linear time warp invariant kSVD (TWI-kSVD) is proposed. Thanks to a rotation transformation between each atom and its sibling atoms, a singular value decomposition is used to jointly approximate the coefficients and update the dictionary, similar to the standard kSVD. In the second part, a time warp invariant dictionary learning for time series clustering is formalized and a gradient descent solution is proposed.The proposed methods are confronted to major shift invariant, convolved and kernel dictionary learning methods on several public and real temporal data. The conducted experiments show the potential of the proposed frameworks to efficiently sparse represent, classify and cluster time series under time warp
Poplimont, Christine. "Représentations sociales des formateurs dans la formation par alternance : approche intensive et étude clinique de cas." Aix-Marseille 1, 2000. http://www.theses.fr/2000AIX10028.
Full textBoutin, Arnaud. "Conditions d'apprentissage moteur et représentations sensori-motrices : des mouvements discrets aus séquences motrices." Poitiers, 2009. http://theses.edel.univ-poitiers.fr/theses/2009/Boutin-Arnaud/2009-Boutin-Arnaud-These.pdf.
Full textThis thesis focuses on the analysis of the cognitive processes underlying learning of new motor behavior, and the study of our faculties to adapt this behavior to new ones. To address this issue, three experiments were designed to analyze discrete and continuous movements. The main purpose of this work was to assess: 1) learning variables that are supposed to influence the acquisition of discrete and/or continuous movements (Experiments 1 and 2), and 2) the way sequential movements are coded (Experiment 3). Experiments 1 and 2 revealed that the schedule of practice and/or task similarity can modulate intra- and/or inter-task processing during practice, and thus, influence subsequent learning. Further, our results also indicated that both schedule of practice and task similarity interact with the amount of practice; thus, learning of new motor behavior supposes to consider all these factors. In Experiment 3, our data argue for the existence of both effectordependent and visual-spatial sequence representation, irrespective of the amount of practice. These findings are not consistent with the notion that the amount of practice is thought to be a determinant factor in the shifting from a visual-spatial (effector-independent) to a motor (effector-dependent) code representation (from 1 to 2 days of practice). Theoretical and practical implications emerging from these results are discussed with regard to pre-existent theoretical data and models
Fougerouse, Marie-Christine. "Analyse des représentations de la grammaire dans l'enseignement [et l'] apprentissage du français langue étrangère." Paris 3, 1999. http://www.theses.fr/1999PA030124.
Full textMoreau, Thomas. "Représentations Convolutives Parcimonieuses -- application aux signaux physiologiques et interpétabilité de l'apprentissage profond." Thesis, Université Paris-Saclay (ComUE), 2017. http://www.theses.fr/2017SACLN054/document.
Full textConvolutional representations extract recurrent patterns which lead to the discovery of local structures in a set of signals. They are well suited to analyze physiological signals which requires interpretable representations in order to understand the relevant information. Moreover, these representations can be linked to deep learning models, as a way to bring interpretability intheir internal representations. In this disserta tion, we describe recent advances on both computational and theoretical aspects of these models.First, we show that the Singular Spectrum Analysis can be used to compute convolutional representations. This representation is dense and we describe an automatized procedure to improve its interpretability. Also, we propose an asynchronous algorithm, called DICOD, based on greedy coordinate descent, to solve convolutional sparse coding for long signals. Our algorithm has super-linear acceleration.In a second part, we focus on the link between representations and neural networks. An extra training step for deep learning, called post-training, is introduced to boost the performances of the trained network by making sure the last layer is optimal. Then, we study the mechanisms which allow to accelerate sparse coding algorithms with neural networks. We show that it is linked to afactorization of the Gram matrix of the dictionary.Finally, we illustrate the relevance of convolutional representations for physiological signals. Convolutional dictionary learning is used to summarize human walk signals and Singular Spectrum Analysis is used to remove the gaze movement in young infant’s oculometric recordings
Al-Hammouri, Samer. "Enquête sur les représentations de la langue française et de son apprentissage chez les étudiants jordaniens." Thesis, Paris 3, 2009. http://www.theses.fr/2009PA030093.
Full textOur research is about the study of the representations of the French language and its learning by Jordanian students. We tried to discover the images concerning France and French people from a sample of Jordanian students. The purpose of this paper is to explore more the question of the representations of the Jordanian learners in a university bilingual context, little studied from an Arabophone context. We have studied a sample of 68 Jordanian students from the Yarmouk University by means of questionnaire. This study also reveals the representations - stereotypes of both mother and foreign tongues and their places in class of French language as a foreign language. The results of this study show that the students have a very well-balanced about the generally sight of the French language and its apprenticeship. The study also makes evident the existence of relationship between the representations of the target language and the motiv! ation for learning. Moreover; this study shows the importance of understanding the complex nature of the representations of learners towards their mother tongue and the first language learnt in the classroom of French as a Foreign Language
El-Zakhem, Imad. "Modélisation et apprentissage des perceptions humaines à travers des représentations floues : le cas de la couleur." Reims, 2009. http://theses.univ-reims.fr/exl-doc/GED00001090.pdf.
Full textThe target of this thesis is to implement an interactive modeling of the user perception and a creation of an appropriate profile. We present two methods to build the profile representing the perception of the user through fuzzy subsets. The first method is a descriptive method used by an expert user and the second one is a constructive method used by a none-expert user. For the descriptive method, we propose a questioning procedure allowing the user to define completely his profile. For the constructive method, the user will be able to define his perception while comparing and selecting some profiles reflecting the perception of other expert users. We present a procedure of aggregation allowing building the profile of the user starting from the selected expert profiles and the rates of satisfaction. As a case study, we describe an application to model the color perception. Thereafter, we exploit the profiles already built for image classification. We propose a procedure that allows building the profile of an image according to the user perception, by using the standard profile of the image and the user’s profile representing his perception. In this method we use new definitions for the notions of comparability and compatibility of two fuzzy subsets. At the end, we present an implementation of the all procedure, the structure of the database as some examples and results
Ntjam, Marie-Chantale. "Handicap et intégration au Cameroun : représentations parentales du handicap et mise en apprentissage des enfants handicapés." Amiens, 2008. http://www.theses.fr/2008AMIE0025.
Full textVilar, de Melo Maria de Fátima. "Le developpement de la conceptualisation de connaissances et de l'argumentation chez des syndicalistes de faible niveau de formation de base." Paris 5, 1999. http://www.theses.fr/1999PA05H026.
Full textAguerre, Sandrine. "Centration sur l'apprentissage d'une langue étrangère, le français : grammaires et représentations métalinguistiques." Phd thesis, Université Michel de Montaigne - Bordeaux III, 2010. http://tel.archives-ouvertes.fr/tel-00628351.
Full textLavisse, Dominique. "Rôle de l'activité cognitive et des représentations mentales afférentes dans l'acquisition d'une habileté motrice." Nancy 1, 1997. http://docnum.univ-lorraine.fr/public/SCD_T_1997_0293_LAVISSE.pdf.
Full textDos, Santos Ludovic. "Representation learning for relational data." Thesis, Paris 6, 2017. http://www.theses.fr/2017PA066480/document.
Full textThe increasing use of social and sensor networks generates a large quantity of data that can be represented as complex graphs. There are many tasks from information analysis, to prediction and retrieval one can imagine on those data where relation between graph nodes should be informative. In this thesis, we proposed different models for three different tasks: - Graph node classification - Relational time series forecasting - Collaborative filtering. All the proposed models use the representation learning framework in its deterministic or Gaussian variant. First, we proposed two algorithms for the heterogeneous graph labeling task, one using deterministic representations and the other one Gaussian representations. Contrary to other state of the art models, our solution is able to learn edge weights when learning simultaneously the representations and the classifiers. Second, we proposed an algorithm for relational time series forecasting where the observations are not only correlated inside each series, but also across the different series. We use Gaussian representations in this contribution. This was an opportunity to see in which way using Gaussian representations instead of deterministic ones was profitable. At last, we apply the Gaussian representation learning approach to the collaborative filtering task. This is a preliminary work to see if the properties of Gaussian representations found on the two previous tasks were also verified for the ranking one. The goal of this work was to then generalize the approach to more relational data and not only bipartite graphs between users and items
Mbadinga, Mbadinga André-Marie. "Représentations et stratégies d’enseignement-apprentissage de l’espagnol en milieu exolingue : le cas des hispanisants débutants du Gabon." Thesis, Paris 10, 2014. http://www.theses.fr/2014PA100178/document.
Full textEthnographic analysis of class, beliefs and perceptions of teachers of Spanish in Gabon on the teaching and learning Spanish language and culture to entry level (4th grade). 1) How do these teachers design the teaching and learning of Spanish as a foreign language (SFL) in this multilingual context? 2) What relationship do they have with their linguistic substratum? 3) How beliefs and representations determine their classroom practices and teaching strategies? 4) What motivates classroom actors in teaching and learning Spanish in this French dominated sociolinguistic context? 5) What similarities and contrasts can be measured between novice teachers and experienced teachers? 6) What characterizes the official discourse on teaching and learning Spanish and social adaptations in Gabon from 1997 to today?Around these issues, sociolinguistics and teaching foreign languages with an ethnographic approach update here the role of language substrates in the teaching and learning other languages. This research therefore registered the teaching of Spanish in Francophone Africa in the heart of the ideological challenges of contact / conflict of languages. It directs the training of future teachers of Spanish as a foreign language (SFL) to Gabon didactics of multilingualism with a holistic dimension, guaranteeing the dialogue of cultures in the era of globalization and digital technology
Ferré, Arnaud. "Représentations vectorielles et apprentissage automatique pour l’alignement d’entités textuelles et de concepts d’ontologie : application à la biologie." Thesis, Université Paris-Saclay (ComUE), 2019. http://www.theses.fr/2019SACLS117/document.
Full textThe impressive increase in the quantity of textual data makes it difficult today to analyze them without the assistance of tools. However, a text written in natural language is unstructured data, i.e. it cannot be interpreted by a specialized computer program, without which the information in the texts remains largely under-exploited. Among the tools for automatic extraction of information from text, we are interested in automatic text interpretation methods for the entity normalization task that consists in automatically matching text entitiy mentions to concepts in a reference terminology. To accomplish this task, we propose a new approach by aligning two types of vector representations of entities that capture part of their meanings: word embeddings for text mentions and concept embeddings for concepts, designed specifically for this work. The alignment between the two is done through supervised learning. The developed methods have been evaluated on a reference dataset from the biological domain and they now represent the state of the art for this dataset. These methods are integrated into a natural language processing software suite and the codes are freely shared
Amal, Khaleefa. "Les langues au cœur de l’exil : apprentissage, représentations, pratiques. L’exemple des Syriens dans le camp de Zaatari." Electronic Thesis or Diss., Paris 3, 2020. http://www.theses.fr/2020PA030095.
Full textThis dissertation identifies language practices and representations of Syrian refugees living in Zaatari camp in Jordan. Its objective is to understand the socio-language reality as it is experienced from within the camp in order to offer suggestions for an education that address the specificities of refugees’ language needs. To do this, I carried out a microsociological study of the interviews I conducted with numerous refugees and the drawings they produced. Based on an interdisciplinary approach and an ethnographic methodology, two levels of analysis are proposed. The first level highlights the characteristics of the camp as an apparatus, its paradoxes, its toponyms, and some of its political and humanitarian issues. The second level focuses on the meaning and the role of language learning and its use in this marginal space. In so doing, this level sheds light on the changing dynamic of refugees’ language identity, their relationship to otherness, their language subjectivation, and their diverse motivations. The dissertation explores the change of language paradigm in the camp through various refugees’ everyday, professional, and educational situations. It analyzes the impact of such a change on refugees’ relation to languages, particularly Arabic and English. It further examines the language lessons that are provided by schools and NGOs and supports the need for a “tailor-made” school program that is appropriate for students who are survivors of trauma. The dissertation evaluates the relevance of a biographical approach aimed at reinforcing academic resilience and finally advocates for a plurilingual and intercultural education that would contribute to developing intersubjectivity and empathy among Syrian refugees and humanitarian workers
تحدد هذه الرسالة التصورات والممارسات اللغوية للاجئين السوريين الذين يعيشون في مخيم الزعتري في الأردن، وتهدف إلى فهم الواقع الاجتماعي-اللغوي كما يُعاش داخل المخيم من أجل تقديم مقترحات تعليمية تتناسب وخصوصيات الاحتياجات اللغوية للاجئين.للقيام بذلك، قمت بإجراء دراسة ميكروسوسيولوجية للمقابلات التي أجريتها مع اللاجئين والرسومات التي قاموا بإنتاجها. وبناءً على منهج بيْنيّ ومسح إثنوغرافي، تم اقتراح مستويين من التحليل. يعالج المستوى الأول خصائص المخيم كنظام ومفارقاته وأسماء المواقع الجغرافية فيه وبعض قضاياه السياسية والإنسانية، في حين يركز المستوى الثاني على معنى ودور تعلم اللغات واستخدامها في هذا الفضاء الهامشي، ومن خلال القيام بذلك، فإنه يسلط الضوء على الديناميكية المتغيرة للهوية اللغوية للاجئين، وعلاقاتهم بالآخرين وذاتيتهم اللغوية ودوافعهم المتعددة.تستكشف الرسالة تغير نموذج اللغة داخل المخيم من خلال عدة مواقف يومية ومهنية وتعليمية للاجئين، فهي تحلل تداعيات مثل هذا التغير على علاقة اللاجئين باللغات وخاصة العربية والإنجليزية. تدرس الرسالة أيضا الدروس اللغوية المقدمة من المدارس والمنظمات غير الحكومية وتدعم ضرورة وجود برنامج مدرسي "مصمم حسب الحاجة" وملائم لِطلاب تعرضوا إلى صدمات. تقيم الرسالة كفاءة المقاربة السيرية التي تهدف إلى الصمود المدرسي، وتَحُثّ أخيراً على توفير تعليم متعدد اللغات ومتعدد الثقافات من شأنه أن يساهم في تطوير الذاتية المشتركة والتعاطف بين السوريين والعاملين في المجال الإنساني
Hamroun, Tamara N. "Identité projective et apprentissage : impacts des représentations physiques et psychologiques des avatars dans les activités d’apprentissage collaboratif de Second Life." Thesis, Université d'Ottawa / University of Ottawa, 2011. http://hdl.handle.net/10393/20332.
Full textMarini, Françoise. "Entraîner la compréhension du texte : effets de la confrontation de représentations dans un dispositif hypermédia." Aix-Marseille 1, 2007. http://www.theses.fr/2007AIX10052.
Full textGoh, Hanlin. "Apprentissage de Représentations Visuelles Profondes." Phd thesis, Université Pierre et Marie Curie - Paris VI, 2013. http://tel.archives-ouvertes.fr/tel-00948376.
Full textDetey, Sylvain. "Interphonologie et représentations orthographiques : du rôle de l'écrit dans l'enseignement-apprentissage du français oral chez des étudiants japonais." Phd thesis, Université Toulouse le Mirail - Toulouse II, 2005. http://tel.archives-ouvertes.fr/tel-00458366.
Full textSaqer, Rabda. "Le traitement des représentations interculturelles en vue de la création d’un centre d’auto-apprentissage des langues-cultures étrangères." Montpellier 3, 2006. http://www.theses.fr/2006MON30047.
Full textWe propose to study, initially, the representations of students the not specialists in languages and their teachers, about the foreign languages. Then, we propose to explore the availability of these same students to learn languages in autonomy. This study was realized by inquiry, questionnaire survey and individual interview. The study is the first step of research-action which consists in creating a centre of self-learning. We suppose that the representations have a decisive impact in this action. These representations can slow down, or quite to the contrary support the learning, and consequently the installation of the centre. This study draw one's inspiration from didactic intercultural, the sociolinguistic and the theories of the self-learning
Carrel-Bisagni, Lise Catherine. "Les représentations sociolinguistiques de l'irlandais et de son apprentissage : enquêtes dans des établissements secondaires de Galway (République d'Irlande)." Phd thesis, Université Paul Valéry - Montpellier III, 2013. http://tel.archives-ouvertes.fr/tel-00958050.
Full text