Dissertations / Theses on the topic 'Attention based models'
Create a spot-on reference in APA, MLA, Chicago, Harvard, and other styles
Consult the top 35 dissertations / theses for your research on the topic 'Attention based models.'
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.
Belkacem, Thiziri. "Neural models for information retrieval : towards asymmetry sensitive approaches based on attention models." Thesis, Toulouse 3, 2019. http://www.theses.fr/2019TOU30167.
Full textThis work is situated in the context of information retrieval (IR) using machine learning (ML) and deep learning (DL) techniques. It concerns different tasks requiring text matching, such as ad-hoc research, question answering and paraphrase identification. The objective of this thesis is to propose new approaches, using DL methods, to construct semantic-based models for text matching, and to overcome the problems of vocabulary mismatch related to the classical bag of word (BoW) representations used in traditional IR models. Indeed, traditional text matching methods are based on the BoW representation, which considers a given text as a set of independent words. The process of matching two sequences of text is based on the exact matching between words. The main limitation of this approach is related to the vocabulary mismatch. This problem occurs when the text sequences to be matched do not use the same vocabulary, even if their subjects are related. For example, the query may contain several words that are not necessarily used in the documents of the collection, including relevant documents. BoW representations ignore several aspects about a text sequence, such as the structure the context of words. These characteristics are important and make it possible to differentiate between two texts that use the same words but expressing different information. Another problem in text matching is related to the length of documents. The relevant parts can be distributed in different ways in the documents of a collection. This is especially true in large documents that tend to cover a large number of topics and include variable vocabulary. A long document could thus contain several relevant passages that a matching model must capture. Unlike long documents, short documents are likely to be relevant to a specific subject and tend to contain a more restricted vocabulary. Assessing their relevance is in principle simpler than assessing the one of longer documents. In this thesis, we have proposed different contributions, each addressing one of the above-mentioned issues. First, in order to solve the problem of vocabulary mismatch, we used distributed representations of words (word embedding) to allow a semantic matching between the different words. These representations have been used in IR applications where document/query similarity is computed by comparing all the term vectors of the query with all the term vectors of the document, regardless. Unlike the models proposed in the state-of-the-art, we studied the impact of query terms regarding their presence/absence in a document. We have adopted different document/query matching strategies. The intuition is that the absence of the query terms in the relevant documents is in itself a useful aspect to be taken into account in the matching process. Indeed, these terms do not appear in documents of the collection for two possible reasons: either their synonyms have been used or they are not part of the context of the considered documents. The methods we have proposed make it possible, on the one hand, to perform an inaccurate matching between the document and the query, and on the other hand, to evaluate the impact of the different terms of a query in the matching process. Although the use of word embedding allows semantic-based matching between different text sequences, these representations combined with classical matching models still consider the text as a list of independent elements (bag of vectors instead of bag of words). However, the structure of the text as well as the order of the words is important. Any change in the structure of the text and/or the order of words alters the information expressed. In order to solve this problem, neural models were used in text matching
Saifullah, Mohammad. "Biologically-Based Interactive Neural Network Models for Visual Attention and Object Recognition." Doctoral thesis, Linköpings universitet, Institutionen för datavetenskap, 2012. http://urn.kb.se/resolve?urn=urn:nbn:se:liu:diva-79336.
Full textBorba, Gustavo Benvenutti. "Automatic extraction of regions of interest from images based on visual attention models." Universidade Tecnológica Federal do Paraná, 2010. http://repositorio.utfpr.edu.br/jspui/handle/1/1295.
Full textEsta tese apresenta um método para a extração de regiões de interesse (ROIs) de imagens. No contexto deste trabalho, ROIs são definidas como os objetos semânticos que se destacam em uma imagem, podendo apresentar qualquer tamanho ou localização. O novo método baseia-se em modelos computacionais de atenção visual (VA), opera de forma completamente bottom-up, não supervisionada e não apresenta restrições com relação à categoria da imagem de entrada. Os elementos centrais da arquitetura são os modelos de VA propostos por Itti-Koch-Niebur e Stentiford. O modelo de Itti-Koch-Niebur considera as características de cor, intensidade e orientação da imagem e apresenta uma resposta na forma de coordenadas, correspondentes aos pontos de atenção (POAs) da imagem. O modelo Stentiford considera apenas as características de cor e apresenta a resposta na forma de áreas de atenção na imagem (AOAs). Na arquitetura proposta, a combinação de POAs e AOAs permite a obtenção dos contornos das ROIs. Duas implementações desta arquitetura, denominadas 'primeira versão' e 'versão melhorada' são apresentadas. A primeira versão utiliza principalmente operações tradicionais de morfologia matemática. Esta versão foi aplicada em dois sistemas de recuperação de imagens com base em regiões. No primeiro, as imagens são agrupadas de acordo com as ROIs, ao invés das características globais da imagem. O resultado são grupos de imagens mais significativos semanticamente, uma vez que o critério utilizado são os objetos da mesma categoria contidos nas imagens. No segundo sistema, á apresentada uma combinação da busca de imagens tradicional, baseada nas características globais da imagem, com a busca de imagens baseada em regiões. Ainda neste sistema, as buscas são especificadas através de mais de uma imagem exemplo. Na versão melhorada da arquitetura, os estágios principais são uma análise de coerência espacial entre as representações de ambos modelos de VA e uma representação multi-escala das AOAs. Se comparada à primeira versão, esta apresenta maior versatilidade, especialmente com relação aos tamanhos das ROIs presentes nas imagens. A versão melhorada foi avaliada diretamente, com uma ampla variedade de imagens diferentes bancos de imagens públicos, com padrões-ouro na forma de bounding boxes e de contornos reais dos objetos. As métricas utilizadas na avaliação foram presision, recall, F1 e area of overlap. Os resultados finais são excelentes, considerando-se a abordagem exclusivamente bottom-up e não-supervisionada do método.
This thesis presents a method for the extraction of regions of interest (ROIs) from images. By ROIs we mean the most prominent semantic objects in the images, of any size and located at any position in the image. The novel method is based on computational models of visual attention (VA), operates under a completely bottom-up and unsupervised way and does not present con-straints in the category of the input images. At the core of the architecture is de model VA proposed by Itti, Koch and Niebur and the one proposed by Stentiford. The first model takes into account color, intensity, and orientation features and provides coordinates corresponding to the points of attention (POAs) in the image. The second model considers color features and provides rough areas of attention (AOAs) in the image. In the proposed architecture, the POAs and AOAs are combined to establish the contours of the ROIs. Two implementations of this architecture are presented, namely 'first version' and 'improved version'. The first version mainly on traditional morphological operations and was applied in two novel region-based image retrieval systems. In the first one, images are clustered on the basis of the ROIs, instead of the global characteristics of the image. This provides a meaningful organization of the database images, since the output clusters tend to contain objects belonging to the same category. In the second system, we present a combination of the traditional global-based with region-based image retrieval under a multiple-example query scheme. In the improved version of the architecture, the main stages are a spatial coherence analysis between both VA models and a multiscale representation of the AOAs. Comparing to the first one, the improved version presents more versatility, mainly in terms of the size of the extracted ROIs. The improved version was directly evaluated for a wide variety of images from different publicly available databases, with ground truth in the form of bounding boxes and true object contours. The performance measures used were precision, recall, F1 and area overlap. Experimental results are of very high quality, particularly if one takes into account the bottom-up and unsupervised nature of the approach.
Kliegl, Reinhold, Ping Wei, Michael Dambacher, Ming Yan, and Xiaolin Zhou. "Experimental effects and individual differences in linear mixed models: Estimating the relationship between spatial, object, and attraction effects in visual attention." Universität Potsdam, 2011. http://opus.kobv.de/ubp/volltexte/2011/5685/.
Full textDimitriadis, Spyridon. "Multi-task regression QSAR/QSPR prediction utilizing text-based Transformer Neural Network and single-task using feature-based models." Thesis, Linköpings universitet, Statistik och maskininlärning, 2021. http://urn.kb.se/resolve?urn=urn:nbn:se:liu:diva-177186.
Full textHolmström, Oskar. "Exploring Transformer-Based Contextual Knowledge Graph Embeddings : How the Design of the Attention Mask and the Input Structure Affect Learning in Transformer Models." Thesis, Linköpings universitet, Artificiell intelligens och integrerade datorsystem, 2021. http://urn.kb.se/resolve?urn=urn:nbn:se:liu:diva-175400.
Full textKlamser, Pascal. "Collective Information Processing and Criticality, Evolution and Limited Attention." Doctoral thesis, Humboldt-Universität zu Berlin, 2021. http://dx.doi.org/10.18452/23099.
Full textIn the first part, I focus on the self-organization to criticality (here an order-disorder phase transition) and investigate if evolution is a possible self-tuning mechanism. Does a simulated cohesive swarm that tries to avoid a pursuing predator self-tunes itself by evolution to the critical point to optimize avoidance? It turns out that (i) the best group avoidance is at criticality but (ii) not due to an enhanced response but because of structural changes (fundamentally linked to criticality), (iii) the group optimum is not an evolutionary stable state, in fact (iv) it is an evolutionary accelerator due to a maximal spatial self-sorting of individuals causing spatial selection. In the second part, I model experimentally observed differences in collective behavior of fish groups subject to multiple generation of different types of size-dependent selection. The real world analog to this experimental evolution is recreational fishery (small fish are released, large are consumed) and commercial fishing with large net widths (small/young individuals can escape). The results suggest that large harvesting reduces cohesion and risk taking of individuals. I show that both findings can be mechanistically explained based on an attention trade-off between social and environmental information. Furthermore, I numerically analyze how differently size-harvested groups perform in a natural predator and fishing scenario. In the last part of the thesis, I quantify the collective information processing in the field. The study system is a fish species adapted to sulfidic water conditions with a collective escape behavior from aerial predators which manifests in repeated collective escape dives. These fish measure about 2 centimeters, but the collective wave spreads across meters in dense shoals at the surface. I find that wave speed increases weakly with polarization, is fastest at an optimal density and depends on its direction relative to shoal orientation.
Wennerholm, Pia. "The Role of High-Level Reasoning and Rule-Based Representations in the Inverse Base-Rate Effect." Doctoral thesis, Uppsala : Acta Universitatis Upsaliensis : Universitetsbiblioteket [distributör], 2001. http://publications.uu.se/theses/91-554-5178-0/.
Full textDesai, Anver. "Policy agenda-setting and the use of analytical agenda-setting models for school sport and physical education in South Africa." Thesis, University of the Western Cape, 2011. http://hdl.handle.net/11394/3596.
Full textPhilosophiae Doctor - PhD
Ungruh, Joachim. "A neurally based vision model for line extraction and attention." Thesis, Georgia Institute of Technology, 1992. http://hdl.handle.net/1853/8303.
Full textGaragnani, Max. "Understanding language and attention : brain-based model and neurophysiological experiments." Thesis, University of Cambridge, 2009. https://www.repository.cam.ac.uk/handle/1810/243852.
Full textPaulin, Rémi. "human-robot motion : an attention-based approach." Thesis, Université Grenoble Alpes (ComUE), 2018. http://www.theses.fr/2018GREAM018.
Full textFor autonomous mobile robots designed to share their environment with humans, path safety and efficiency are not the only aspects guiding their motion: they must follow social rules so as not to cause discomfort to surrounding people. Most socially-aware path planners rely heavily on the concept of social spaces; however, social spaces are hard to model and they are of limited use in the context of human-robot interaction where intrusion into social spaces is necessary. In this work, a new approach for socially-aware path planning is presented that performs well in complex environments as well as in the context of human-robot interaction. Specifically, the concept of attention is used to model how the influence of the environment as a whole affects how the robot's motion is perceived by people within close proximity. A new computational model of attention is presented that estimates how our attentional resources are shared amongst the salient elements in our environment. Based on this model, the novel concept of attention field is introduced and a path planner that relies on this field is developed in order to produce socially acceptable paths. To do so, a state-of-the-art many-objective optimization algorithm is successfully applied to the path planning problem. The capacities of the proposed approach are illustrated in several case studies where the robot is assigned different tasks. Firstly, when the task is to navigate in the environment without causing distraction our approach produces promising results even in complex situations. Secondly, when the task is to attract a person's attention in view of interacting with him or her, the motion planner is able to automatically choose a destination that best conveys its desire to interact whilst keeping the motion safe, efficient and socially acceptable
Lanyon, Linda Jane. "A biased competition computational model of spatial and object-based attention mediating active visual search." Thesis, University of Plymouth, 2005. http://hdl.handle.net/10026.1/1917.
Full textHarrison, David Graham. "A computational dynamical model of human visual cortex for visual search and feature-based attention." Thesis, University of Leeds, 2012. http://etheses.whiterose.ac.uk/4878/.
Full textWischnewski, Marco [Verfasser]. "Where to look next? : Proto-object based priority in a TVA-based model of visual attention / Marco Wischnewski. Technische Fakultät." Bielefeld : Universitätsbibliothek Bielefeld, Hochschulschriften, 2012. http://d-nb.info/1022614347/34.
Full textTuggle, Christopher Scott. "Attending to opportunity: an attention-based model of how boards of directors impact strategic entrepreneurship in established enterprise." Diss., Texas A&M University, 2004. http://hdl.handle.net/1969.1/1382.
Full textNishikimi, Ryo. "Generative, Discriminative, and Hybrid Approaches to Audio-to-Score Automatic Singing Transcription." Doctoral thesis, Kyoto University, 2021. http://hdl.handle.net/2433/263772.
Full textNiemann, Julia [Verfasser], and Sebastian [Akademischer Betreuer] Möller. "Designing Speech Output for In-car Infotainment Applications Based on a Cognitive Model of Attention Allocation / Julia Niemann. Betreuer: Sebastian Möller." Berlin : Technische Universität Berlin, 2013. http://d-nb.info/1065148135/34.
Full textMa, Xiren. "Deep Learning-Based Vehicle Recognition Schemes for Intelligent Transportation Systems." Thesis, Université d'Ottawa / University of Ottawa, 2021. http://hdl.handle.net/10393/42247.
Full textMontella, Sébastien, and 李胤龍. "Emotionally-Triggered Short Text Conversation using Attention-Based Sequence Generation Models." Thesis, 2019. http://ndltd.ncl.edu.tw/handle/hfpcxx.
Full text國立中央大學
資訊工程學系
107
Emotional Intelligence is a field from which awareness is heavily being raised. Coupled with language generation, one expects to further humanize the machine and be a step closer to the user by generating responses that are consistent with a specific emotion. The analysis of sentiment within documents or sentences have been widely studied and improved while the generation of emotional content remains under-researched. Meanwhile, generative models have recently known series of improvements thanks to Generative Adversarial Network (GAN). Promising results are frequently reported in both natural language processing and computer vision. However, when applied to text generation, adversarial learning may lead to poor quality sentences and mode collapse. In this paper, we leverage one-round data conversation from social media to propose a novel approach in order to generate grammatically-correct-and-emotional-consistent answers for Short-Text Conversation task (STC-3) for NTCIR-14 workshop. We make use of an Attention-based Sequence-to-Sequence as our generator, inspired from StarGAN framework. We provide emotion embeddings and direct feedback from an emotion classifier to guide the generator. To avoid the aforementioned issues with adversarial networks, we alternatively train our generator using maximum likelihood and adversarial loss.
Olds, Christopher Paul. "Essays on the Impact of Presidential and Media-Based Usage of Anxiety-Producing Rhetoric on Dynamic Issue Attention." Thesis, 2011. http://hdl.handle.net/1969.1/ETD-TAMU-2011-12-10224.
Full textXu, Kelvin. "Exploring Attention Based Model for Captioning Images." Thèse, 2017. http://hdl.handle.net/1866/20194.
Full textLin, Kai-Chun, and 林凱君. "Multi-Scale Attention Model Based Object Detection." Thesis, 2018. http://ndltd.ncl.edu.tw/handle/dhx3et.
Full text國立中央大學
資訊工程學系
106
In recent years, deep learning plays an important role in Artificial Intelligence, which Convolutional Neural Network(CNN) has a breakthrough performance comparing with the traditional methods in image classification. Object detection is the popular issue in the image processing, and it has a lot of applications in our life, include face detection, pedestrian detection which can be used in self-driving car and the self-service store need the object detection application in product detection. There were lots of object detection research published in the world. One is SSD: Single Shot Multibox Detector, which combines predictions from multiple feature maps with different resolutions to naturally handle objects of various size. Our paper combines the advantages of two networks: multi-scale network and feature pyramid network. Proposed adding the attention mechanism to the network. This network can be trained end-to-end. In this work, based on FPNSSD network and add Attention mechanism into multi-scale network. The Attention mechanism can let the deep network learned the important area in the feature map, and gave more weight in important area. Because the attention mechanism had better performance in classification and segmentation, we add attention in the multi-scale network, hopes it have better performance in small object detection. In the experiment, FPNSSD with attention got the better performance of bonding box and classification in the small object like bird, bottle in VOC challenge 2012.
Kuo, Tzu-Ling. "Object Detection Methods Based on the Visual Attention Model." 2008. http://www.cetd.com.tw/ec/thesisdetail.aspx?etdun=U0001-2207200817531900.
Full textJi, Xian-Wei, and 紀憲緯. "Video Quality Enhancement Technique Based on Visual Attention Model." Thesis, 2014. http://ndltd.ncl.edu.tw/handle/09901577145709604192.
Full text大葉大學
資訊工程學系碩士班
103
In this thesis, we proposed a video quality enhancement scheme based on visual attention model to deal with low- and high-exposure videos. The proposed scheme is composed of five parts: pre-processing, visual attention model, multilevel exposure correction, data fusion, and post-processing. To make the proposed scheme easily measure visual cues of each frame, the pre-processing procedure is used to coarsely modify each input frame. After pre-processing, visual attention model is used to extract visual features of each frame and then we conducted multi-level exposure correction for each frame according to the visual attention model. For each frame, we fuse these versions generated by multi-level exposure correction to obtain the final resulting frame. To reduce the impact of flicker on visual quality, a post-processing procedure is developed to enhance the video quality. The experiment results demonstrate that the proposed scheme can deal with videos with low and high exposures. The results also show that the proposed scheme outperforms some existing methods in terms of visual quality.
Kuo, Tzu-Ling, and 郭姿玲. "Object Detection Methods Based on the Visual Attention Model." Thesis, 2008. http://ndltd.ncl.edu.tw/handle/70496622830022269223.
Full text國立臺灣大學
電信工程學研究所
96
Human visual attention system is a popular topic in recent years. The human visual attention system addresses the situation of computational implementation of intentional attention in the human vision. The human visual attention system is widely applied in the design of robot or automatic intelligence. In many researches, implementations about object segmentations, object recognitions, and object detections are proposed more and more frequently. In this thesis, we mainly display two methods and implementations to simulate the human visual attention model. The output is denoted as saliency. Saliency means the place where human eyes emphasis on the most when first looking at an image. We displayed the algorithms that are widely used as the basic of the build of attention model for images. Moreover, another brand new concept of the salient model representation for videos is displayed here. Detecting moving objects in videos is an issue that people has discussed with high frequency in recent years. An algorithm for the real-time implement is now a developing and popular issue. Also, it presents a concept about the real-time moving object detection in time domain and another similar concept applied in DCT data domain in videos.
Wang, Hao-Cheng, and 王浩丞. "An Attention-based Neural Network Model for Interest Shift Prediction." Thesis, 2016. http://ndltd.ncl.edu.tw/handle/j879jw.
Full text國立臺灣大學
資訊工程學研究所
105
Recommendation systems have mainly dealt with the problem of recommending items to fit user preferences, while the dynamicity of user interest is not fully considered. We observe that music streaming platforms like YouTube always recommend songs that either from the same artist or with the same title, assuming that users have a static interest in similar items, but ignore the fact that we get satiated easily with repeated consumptions. To provide a more appealing user experience, recent developments in recommendation system have focused on introducing novelty in the recommendation list; however, none of these works try to discuss ``when will the users shift their interest?", the key problem that determines our strategies to recommend new items or similar items. In this work, we present a novel model for interest shift prediction. By the state-of-the-art deep learning techniques that excel in extracting high-level knowledge, we try to construct the latent representations of mental states, and apply the attention mechanism on our model to automatically detect the shifting patterns in the listening records. Experiments and case studies show that our models can achieve good accuracy as well as interpretability.
Wu, Chao-Chung, and 吳肇中. "An Attention Based Neural Network Model for Unsupervised Lyrics Rewriting." Thesis, 2018. http://ndltd.ncl.edu.tw/handle/w4bcnv.
Full text國立臺灣大學
資訊工程學研究所
106
Creative writing has become a standard task to showcase the power of artificial intelligence. This work tackles a challenging task in this area, the lyrics rewriting. This task possesses several unique challenges. First, we require the outputs to be not only semantically correlated with the original lyrics, but also coherent in segmentation structure, rhyme as the rewritten lyrics must be performed by the artist with the same music. Second, there is no parallel rewriting lyrics corpus available for supervised training. We propose a deep neural network based model for this task and exploit both general evaluation metrics such as ROUGE and human study to evaluate the effectiveness of the model.
CHEN, LI-TENG, and 陳立騰. "Image Caption Generation Based on Deep Learning and Visual Attention Model." Thesis, 2018. http://ndltd.ncl.edu.tw/handle/v6g3tp.
Full text國立雲林科技大學
電機工程系
106
In this thesis, we develop an image caption generation based on deep learning and visual attention model. This system is composed of several parts: object detection, saliency computation, and image caption generation. In the object detection part, a deep learning technique, Faster R-CNN, is used to detect and classify objects in images. A pre-trained model can classify 80 categories for image classification. In the saliency computation, the pre-training model proposed in [8] is to compute the saliency value of each ROI image. According to category information and saliency value, the proposed system can generate the corresponding image caption. To evaluate the performance of the proposed system, the COCO 2014 image set is used. There are 30,000 images in the COCO 2014 image set. For image caption, the BLEU value of the proposed system is higher than that of [11]. Experimental results show that the proposed system is superior to the existing method [11].
Hsu, Chih-Jung, and 徐志榮. "Predicting Transportation Demand based on AR-LSTMs Model with Multi-Head Attention." Thesis, 2019. http://ndltd.ncl.edu.tw/handle/j7pg8k.
Full text國立中央大學
軟體工程研究所
107
Smart transportation is a crucial issue for a smart city, and the forecast for taxi demand is one of the important topics in smart transportation. If we can effectively predict the taxi demand in the near future, we may be able to reduce the taxi vacancy rate, reduce the waiting time of the passengers, increase the number of trip counts for a taxi, expand driver’s income, and diminish the power consumption and pollution caused by vehicle dispatches. This paper proposes an efficient taxi demand prediction model based on state-of-the-art deep learning architecture. Specifically, we use the LSTM model as the foundation, because the LSTM model is effective in predicting time-series datasets. We enhance the LSTM model by introducing the attention mechanism such that the traffic during the peak hour and the off-peak period can better be predicted. We leverage a multi-layer architecture to increase the predicting accuracy. Additionally, we design a loss function that incorporates both the absolute mean-square-error (which tends under-estimate the low taxi demand areas) and the relative meansquare-error (which tends to misestimate the high taxi demand areas). To validate our model, we conduct experiments on two real datasets — the NYC taxi demand dataset and the Taiwan Taxi’s taxi demand dataset in Taipei City. We compare the proposed model with non-machine learning based models, traditional machine learning models, and deep learning models. Experimental results show that the proposed model outperforms the baseline models.
Nai-wen, Guo (also Kuo), and 郭乃文. "Cognitive Neuropsychology on the assessment model of attention-A study on the Cohen-based model." Thesis, 2003. http://ndltd.ncl.edu.tw/handle/90578210665086172263.
Full textHUANG, WEN-SHENG, and 黃玟勝. "Hash code generation based on deep learning and visual attention model for image retrieval." Thesis, 2018. http://ndltd.ncl.edu.tw/handle/er59ds.
Full text國立雲林科技大學
電機工程系
106
In this thesis, we develop a hash code generation based on deep learning and visual attention model for image retrieval. This system is composed of several parts: object detection, saliency computation, and hash code generation. In the object detection part, a deep learning technique, Faster R-CNN, is used to detect and classify objects in images. A pre-trained model can classify 20 categories for image classification. In the saliency computation, the pre-training model proposed in [26] is to compute the saliency value of each object. According to category information and saliency value, the proposed system can generate the corresponding hash code. To evaluate the performance of the proposed system, the PASCAL VOC image set is used. There are 27088 images in the PASCAL VOC image set. For image retrieval, the nDCG value of the proposed system is higher than that of [29]. Experimental results show that the proposed system is superior to the existing method [29]. Keywords: object detection, visual attention, hash code
Lai, Szu-Chin, and 賴思瑾. "Effects of Banner Advertisements Presentation Modes Changing on User Visual Attention.- Based on Schema Theory." Thesis, 2016. http://ndltd.ncl.edu.tw/handle/4shzwh.
Full text中國文化大學
國際貿易學系
104
Banner is the most common way to advertise on the Internet. Previous studies suggested that consumers seem to avoid looking at banners when they visit the website. For consumers, the frame of website has already become a schema in their brain and made them ignore unimportant information in their visual field. Nowadays, in the advanced networking, we need to consider that the problem: how to make them look at the banner again and increase the internet advertising effect.There are two purposes in the present study. Firstly, do participants get higher gaze behavior on the banner through the effect to arousal and attention on schema incongruity when the shape of banner changed? Secondly, due to the construction of schema was accumulating by time, experiences and learning, we are curious about the question that do the change of banner decrease consumer`s gaze behavior by increasing the exposure. In this thesis, we use the experimental design. In the experiment one, we examined eyes movements, including number and duration of fixations based on manipulating the consistency of the consumer’s schema and the shapes of the advertising banner and schema. In experiment two, we’ll make the participants who had viewed the banners that incongruity of consumer schema to review the banner that the incongruity of consumers schema again, then, examine the number and the duration of gaze behavior after experiment one. We’ll compare what is the difference between the first time while watching the banners and the last time. Through this thesis, we can affirm that it is possible to retain the explosion, increase the effect of banners by changing the consumers’ schema. However, the banners must change constantly or the effect of the advertisement still will decrease eventually.
Shih, Yu-chen, and 施妤蓁. "A School-Based Model of Screening & Therapy of Junior High School Students with Attention Deficit/Hyperactivity Disorders." Thesis, 2009. http://ndltd.ncl.edu.tw/handle/70319314995549267019.
Full text國立成功大學
行為醫學研究所
97
Objective: This study expects to develop a simple attention-screening questionnaire (The Student Attention Rating Scale) and establish a model to screen and intervene the students with ADHD in junior high schools. The study also assesses the attention deficit patterns on those teenagers with ADHD and explores the prevalence of ADHD subtypes. Finally, the study develops a pilot training program to assist adolescent with ADHD to improve attention performance. Method:At the beginning, there were 675 7th grade students participating the primary screening by using The Student Attention Rating Scale, teachers’ reports and reviewing medical history related to attention problems. The participants were gradually given the elaborate questionnaire, neuropsychological test and interview conducted by Psychiatrists. In order to confirm the appropriate use of the Student Attention Screening Scale, the screening results have been crossly reviewed with the psychiatric reports. At the end, investigating the prevalence of different subtype of ADHD and administrating individual attention training programs to explore an available school-based intervention model of adolescent with ADHD. Results:There were 23 students being diagnosed with ADHD in this study. Six out of 23 students showed medical history because of attention problem. Seven students were reported as possible ADHD by their teachers. The rest of the students were found in ADHD by the Student Attention Rating Scale. Among these 23 students, the ratio of ADHD-I, ADHD-H and ADHD-C is 17:1:5. The estimated prevalence of ADHD in adolescence is 9.42%. The sensitivity of the screening model is 0.671, and the specificity is 0.887. The teenagers with ADHD present poor sustained attention, require long reaction time and perform insufficient attention resource. The reaction time and the correct reaction rate of the subjects were in improved after the individual attention training programs. Conclusions:According to the prevalence of this study, there are still high percentage of ADHD occurred in adolescent. But many of them have not been found. In this study, the occurrence of ADHD-I is 3.4 times greater than ADHD-C. However, the diagnosis ratio is 17% and 40%. It shows that there are fewer ADHD-I being diagnosed and treated. The screening model suggested in this study is simple, but effectively discovers 82.6% adolescent with ADHD who were ignored by parents and teachers. This study also suggested an available school-based neuropsychological attention assessment and training model for school clinical psychologists.
Nadeau, Marie-France. "Élaboration et validation empirique d'un modèle de consultation individuelle auprès des enseignants afin de favoriser l'inclusion scolaire des enfants ayant un TDAH." Thèse, 2010. http://hdl.handle.net/1866/4850.
Full textClassroom management interventions, such as behavior and academic strategies, are well-established interventions for improving social behavior and academic skills of children with ADHD (DuPaul & Eckert, 1997; Hoza, Kaiser, & Hurt, 2008; Pelham & Fabiano, 2008; Zentall, 2005). However, bridging the gap between research and practice raises the question of the practicality of interventions. Therefore, results from controlled studies need to be replicated in regular classrooms with a format that takes into account the practicality of the intervention. The aim of this research is to evaluate the effectiveness of a consultation-based program for teachers (CPT), using a problem-solving approach and a functional assessment to support elementary school teachers in the knowledge of the principles, design and implementation of classroom management evidence-based practices for children with ADHD. First, a review of the literature identifying the main interventions for ADHD children is presented. Then, the consultation-based program for regular class teachers involving solutions in the implementation of these evidence-based strategies in the classroom is detailed. Finally, the evaluation of the CPT implemented with thirty-seven child-teacher pairs is presented. All children were diagnosed as ADHD and received a stimulant medication treatment (M). The parents of some of these children had previously participated in a parent-training program (PTP). The final group composition is: M (n = 4); M + PTP (n = 11), M + CPT (n = 11), M + PTP + CPT (n = 11). Findings confirm the effectiveness of the CPT above and beyond M, and M + PTP to prevent the intensification of inappropriate behaviors and to improve academic performance of ADHD children. Results also indicate that teachers who participated in the CPT and had previous continuing education on ADHD showed a significant improvement of their classroom management strategies. Overall findings offer valuable information for discussing clinical implications for the psychosocial treatment of ADHD children.