56 results on '"Sequence model"'
Search Results
2. SAE-PD-Seq: sequence autoencoder-based pre-training of decoder for sequence learning tasks
- Author
-
Jyostna Devi Bodapati
- Subjects
Sequence model ,Machine translation ,Computer science ,business.industry ,Pattern recognition ,Data_CODINGANDINFORMATIONTHEORY ,computer.software_genre ,Autoencoder ,Image (mathematics) ,Signal Processing ,Benchmark (computing) ,Sequence learning ,Artificial intelligence ,Electrical and Electronic Engineering ,business ,Encoder ,computer ,Sequence (medicine) - Abstract
Sequence learning approaches require careful tuning of parameters for their success. Pre-trained sequence models exhibit a superior performance compared to the sequence models that are randomly initialized. This work presents a sequence autoencoder based pre-trained decoder approach for sequence learning. This approach is applicable for the tasks in which the output is a sequence. In the proposed method, a SAE (Sequence Auto Encoder) is trained with an objective of reconstructing the input sequence. The weights of the pre-trained SAE are then used to initialize the decoder in the sequence model developed based on the encoder–decoder paradigm. The proposed pre-trained decoder-based approach achieves superior performance as compared to the pre-trained encoder-based approach and the pre-trained encoder- and decoder-based approach. The behavior of the suggested approach is examined using unsupervised pre-training. The proposed method is evaluated for neural machine translation and image caption generation tasks. Outcomes of the experimental studies on benchmark datasets indicate the effectiveness of the proposed approach.
- Published
- 2021
- Full Text
- View/download PDF
3. A Motivational Sequence Model of High School Ensemble Students’ Intentions to Continue Participating in Music
- Author
-
Hyesoo Yoo
- Subjects
Sequence model ,business.industry ,05 social sciences ,06 humanities and the arts ,computer.software_genre ,050105 experimental psychology ,Hierarchical database model ,060404 music ,Education ,Test (assessment) ,0501 psychology and cognitive sciences ,Artificial intelligence ,Psychology ,business ,computer ,0604 arts ,Music ,Natural language processing ,Sequence (medicine) - Abstract
Grounded in a hierarchical model of intrinsic and extrinsic motivation (HMIEM), the primary aim of this study was to test a full motivational sequence at the contextual level in a high school ensemble setting (Social-Contextual Factors → Psychological Needs → Motivation → Consequences). I specifically examined the relationships between multifaceted variables within this sequence, including teacher-created social contexts, psychosocial needs, types of motivation, and consequences. A secondary purpose of this study was to determine whether gender would impact the results of the sequence of motivational processes. Structural equation modeling analysis with a sample of 425 high school ensemble students revealed that social-contextual factors provided by the teachers were related to satisfaction of fundamental autonomy, competence, and relatedness needs, which in turn influenced intrinsic motivation, positive motivational outcomes, and persistence in musical activities. The multistep invariance analysis also revealed the model to be invariant for males and females. The results of the study supported the HMIEM and validated the application of the motivational sequence in the context of music education.
- Published
- 2020
- Full Text
- View/download PDF
4. Automated extraction of chemical synthesis actions from experimental procedures
- Author
-
Joppe Geluykens, Philippe Schwaller, Federico Zipoli, Alain C. Vaucher, Vishnu H. Nair, and Teodoro Laino
- Subjects
0301 basic medicine ,Computational chemistry ,Sequence model ,Computer science ,Science ,General Physics and Astronomy ,Organic chemistry ,Scientific literature ,010402 general chemistry ,computer.software_genre ,01 natural sciences ,Chemical synthesis ,General Biochemistry, Genetics and Molecular Biology ,Article ,Task (project management) ,Set (abstract data type) ,03 medical and health sciences ,Automation ,lcsh:Science ,Transformer (machine learning model) ,Sequence ,Multidisciplinary ,business.industry ,Cheminformatics ,Deep learning ,General Chemistry ,Chemical laboratory ,0104 chemical sciences ,Chemistry ,030104 developmental biology ,Test set ,lcsh:Q ,Artificial intelligence ,business ,computer ,Natural language processing - Abstract
Experimental procedures for chemical synthesis are commonly reported in prose in patents or in the scientific literature. The extraction of the details necessary to reproduce and validate a synthesis in a chemical laboratory is often a tedious task requiring extensive human intervention. We present a method to convert unstructured experimental procedures written in English to structured synthetic steps (action sequences) reflecting all the operations needed to successfully conduct the corresponding chemical reactions. To achieve this, we design a set of synthesis actions with predefined properties and a deep-learning sequence to sequence model based on the transformer architecture to convert experimental procedures to action sequences. The model is pretrained on vast amounts of data generated automatically with a custom rule-based natural language processing approach and refined on manually annotated samples. Predictions on our test set result in a perfect (100%) match of the action sequence for 60.8% of sentences, a 90% match for 71.3% of sentences, and a 75% match for 82.4% of sentences., Extracting experimental operations for chemical synthesis from procedures reported in prose is a tedious task. Here the authors develop a deep-learning model based on the transformer architecture to translate experimental procedures from the field of organic chemistry into synthesis actions.
- Published
- 2020
5. Machine Reading Comprehension Using Bi-directional LSTM Sequence Model
- Author
-
G. Suganya, S. Anbukkarasi, J. Sakunthala, and Suguna Angamuthu
- Subjects
Comprehension ,Sequence model ,General Computer Science ,Computer science ,business.industry ,General Engineering ,Artificial intelligence ,business ,computer.software_genre ,Machine reading ,computer ,Natural language processing ,Interpretation (model theory) - Published
- 2020
- Full Text
- View/download PDF
6. A New Approach of Intrusion Detection with Command Sequence-To-Sequence Model
- Author
-
Yu Mao, Fuquan Zhang, Wei Liu, and Linlin Ci
- Subjects
Sequence ,Recurrent neural network ,Sequence model ,Point (typography) ,Computer science ,Network level ,Intrusion detection system ,Data mining ,computer.software_genre ,Host (network) ,computer - Abstract
Traditionally, researchers have focused on network level intrusion detection and program level intrusion detection to improve computer security. However, neither approach is foolproof. We argue that the internal and external security of a computer system are equally important. Typically, a successful attacker manifests in the form of the attacker becoming a user on the host either with elevated or normal user privileges. At this point, user-level intrusion detection attempts to deter and curtail an attacker even after the system has been compromised. In this work, we introduce a new approach of intrusion detection based on recurrent neural networks (RNNs) to solve the long sequential problem. We build a robust user command sequence-to-sequence model by semantic modeling command. Our model implements the prediction of user command sequence and the prophesying of user behaviors. The experimental results on data sets of Purdue University, SEA and self-collected data show that an accurate, effective and efficient detection can be achieved by using the proposed approach.
- Published
- 2021
- Full Text
- View/download PDF
7. ReBoost: a retrieval-boosted sequence-to-sequence model for neural response generation
- Author
-
Zhicheng Dou, Jian-Yun Nie, Ji-Rong Wen, and Yutao Zhu
- Subjects
Response generation ,Structure (mathematical logic) ,Sequence ,Sequence model ,Artificial neural network ,Computer science ,business.industry ,media_common.quotation_subject ,Library and Information Sciences ,Machine learning ,computer.software_genre ,Pattern recognition (psychology) ,Benchmark (computing) ,Conversation ,Artificial intelligence ,business ,computer ,Information Systems ,media_common - Abstract
Human–computer conversation is an active research topic in natural language processing. One of the representative methods to build conversation systems uses the sequence-to-sequence (Seq2seq) model through neural networks. However, with limited input information, the Seq2seq model tends to generate meaningless and trivial responses. It can be greatly enhanced if more supplementary information is provided in the generation process. In this work, we propose to utilize retrieved responses to boost the Seq2seq model for generating more informative replies. Our method, called ReBoost, incorporates retrieved results in the Seq2seq model by a hierarchical structure. The input message and retrieved results can influence the generation process jointly. Experiments on two benchmark datasets demonstrate that our model is able to generate more informative responses in both automatic and human evaluations and outperforms the state-of-the-art response generation models.
- Published
- 2019
- Full Text
- View/download PDF
8. Indonesian Chatbot of University Admission Using a Question Answering System Based on Sequence-to-Sequence Model
- Author
-
Suyanto Suyanto and Yogi Wisesa Chandra
- Subjects
Sequence ,Sequence model ,business.industry ,Computer science ,media_common.quotation_subject ,020206 networking & telecommunications ,02 engineering and technology ,computer.software_genre ,Chatbot ,language.human_language ,Indonesian ,0202 electrical engineering, electronic engineering, information engineering ,Question answering ,language ,General Earth and Planetary Sciences ,020201 artificial intelligence & image processing ,Data set (IBM mainframe) ,Conversation ,Artificial intelligence ,business ,computer ,Natural language processing ,General Environmental Science ,BLEU ,media_common - Abstract
Question and Answering (QA) system is a problem in natural language processing that can be used as the system of dialogs and chatbots. It can be used as a customer service that can provide a response to the customer quickly. A QA system receives an input in the form of sentences and produces the predictive sentences that are responses to the input. Therefore, a model that can learn such conversations is needed. This research focuses on developing a chatbot based on a sequence-to-sequence model. It is trained using a data set of conversation from a university admission. Evaluation on a small dataset obtained from the Telkom University admission on Whatsapp instant messaging application shows that the model produces a quite high BLEU score of 41.04. An attention mechanism technique using the reversed sentences improves the model to gives a higher BLEU up to 44.68.
- Published
- 2019
- Full Text
- View/download PDF
9. Hierarchical Speaker-Aware Sequence-to-Sequence Model for Dialogue Summarization
- Author
-
Weiran XuS, Yuejie Lei, Zhiyuan Zeng, Keqing He, Yuanmeng Yan, and Ximing Zhang
- Subjects
Sequence ,Sequence model ,Computer science ,business.industry ,media_common.quotation_subject ,computer.software_genre ,Speech processing ,Automatic summarization ,Task analysis ,Personal pronoun ,Conversation ,Artificial intelligence ,business ,computer ,Natural language processing ,Transformer (machine learning model) ,media_common - Abstract
Traditional document summarization models cannot handle dialogue summarization tasks perfectly. In situations with multiple speakers and complex personal pronouns referential relationships in the conversation. The predicted summaries of these models are always full of personal pronoun confusion. In this paper, we propose a hierarchical transformer-based model for dialogue summarization. It encodes dialogues from words to utterances and distinguishes the relationships between speakers and their corresponding personal pronouns clearly. In such a from-coarse-to-fine procedure, our model can generate summaries more accurately and relieve the confusion of personal pronouns. Experiments are based on a dialogue summarization dataset SAMsum, and the results show that the proposed model achieved a comparable result against other strong baselines. Empirical experiments have shown that our method can relieve the confusion of personal pronouns in predicted summaries.
- Published
- 2021
- Full Text
- View/download PDF
10. Abstractive Summarization of Malayalam Document using Sequence to Sequence Model
- Author
-
Sumam Mary Idicula, Sindhya K Nambiar, and S. David Peter
- Subjects
Sequence ,Sequence model ,Process (engineering) ,Computer science ,business.industry ,Text document ,computer.software_genre ,Automatic summarization ,language.human_language ,ComputingMethodologies_DOCUMENTANDTEXTPROCESSING ,Malayalam ,language ,Artificial intelligence ,business ,computer ,Natural language processing - Abstract
There are different text summarization process available in Natural Language Processing. Among them abstractive text summarization is one of the challenging problems in natural language processing. Abstractive text summarization contains a short and concise summary of a large text document built from the underlying message of the text. The objective of the proposed system is to create a short and understandable abstractive summary of a malayalam text document. A sequence to sequence model is used to create the summary of the document. In this work, the goal was to increase the efficiency and reduce the training loss of a sequence to sequence model thereby implementing a better abstractive text summarizer for a malayalam document.
- Published
- 2021
- Full Text
- View/download PDF
11. Searchable Hidden Intermediates for End-to-End Models of Decomposable Sequence Tasks
- Author
-
Siddharth Dalmia, Shinji Watanabe, Florian Metze, Vikas Raunak, and Brian Yan
- Subjects
FOS: Computer and information sciences ,Sequence model ,Exploit ,Principle of compositionality ,Computer science ,02 engineering and technology ,010501 environmental sciences ,computer.software_genre ,01 natural sciences ,End-to-end principle ,Audio and Speech Processing (eess.AS) ,Speech translation ,FOS: Electrical engineering, electronic engineering, information engineering ,0202 electrical engineering, electronic engineering, information engineering ,Overall performance ,0105 earth and related environmental sciences ,Sequence ,Computer Science - Computation and Language ,business.industry ,Beam search ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Computation and Language (cs.CL) ,computer ,Natural language processing ,Electrical Engineering and Systems Science - Audio and Speech Processing - Abstract
End-to-end approaches for sequence tasks are becoming increasingly popular. Yet for complex sequence tasks, like speech translation, systems that cascade several models trained on sub-tasks have shown to be superior, suggesting that the compositionality of cascaded systems simplifies learning and enables sophisticated search capabilities. In this work, we present an end-to-end framework that exploits compositionality to learn searchable hidden representations at intermediate stages of a sequence model using decomposed sub-tasks. These hidden intermediates can be improved using beam search to enhance the overall performance and can also incorporate external models at intermediate stages of the network to re-score or adapt towards out-of-domain data. One instance of the proposed framework is a Multi-Decoder model for speech translation that extracts the searchable hidden intermediates from a speech recognition sub-task. The model demonstrates the aforementioned benefits and outperforms the previous state-of-the-art by around +6 and +3 BLEU on the two test sets of Fisher-CallHome and by around +3 and +4 BLEU on the English-German and English-French test sets of MuST-C., NAACL 2021. All code and models are released as part of the ESPnet toolkit: https://github.com/espnet/espnet
- Published
- 2021
- Full Text
- View/download PDF
12. Developing Customized and Secure Blockchains with Deep Federation Learning to Prevent Successive Attacks
- Author
-
Paul Muhlethaler, Soumya Banerjee, and Soham Chakraborty
- Subjects
Sequence ,Sequence model ,Point (typography) ,business.industry ,Computer science ,Computer data storage ,Auto encoders ,Anomaly detection ,business ,Computer security ,computer.software_genre ,computer ,Federated learning - Abstract
Recently, blockchain technology has been one of the most promising fields of research aiming to enhance the security and privacy of systems. It follows a distributed mechanism to make the storage system fault-tolerant. However, even after adopting all the security measures, there are some risks for cyberattacks in the blockchain. From a statistical point of view, attacks can be compared to anomalous transactions compared to normal transactions. In this paper, these anomalous transactions can be detected using machine learning algorithms, thus making the framework much more secure. Several machine learning algorithms can detect anomalous observations. Due to the typical nature of the transactions dataset (time-series), we choose to apply a sequence to the sequence model. In this paper, we present our approach, where we use federated learning embedded with an LSTM-based auto-encoder to detect anomalous transactions.
- Published
- 2021
- Full Text
- View/download PDF
13. Temporal Pattern Attention-Based Sequence to Sequence model for Multistep Individual Load Forecasting
- Author
-
Xiaojun Zhou, Chongchong Xu, and Guo Chen
- Subjects
Sequence model ,business.industry ,Computer science ,Smart meter ,020209 energy ,Load forecasting ,02 engineering and technology ,010501 environmental sciences ,Grid ,computer.software_genre ,01 natural sciences ,Recurrent neural network ,0202 electrical engineering, electronic engineering, information engineering ,Electricity ,Data mining ,Volatility (finance) ,business ,computer ,0105 earth and related environmental sciences - Abstract
Load forecasting plays a critical part in grid operation and planning. In particular, the importance of multistep load forecasting for individual power customer is increasingly prominent. Due to the strong volatility of individual consumers’ electricity consumption behavior, traditional machine learning methods that cannot capture time dependence are difficult to obtain good prediction results. The recurrent neural network (RNN) can capture the time correlations existing in the load data, and the sequence to sequence (Seq2Seq) model combining two RNNs of the encoder and decoder is very suitable for multistep prediction. The temporal pattern attention mechanism can further capture the periodic change pattern in historical load data, which further improves time series modeling. We combined their advantages to propose a new type of multistep individual load forecasting framework, called the temporal pattern attention based sequence to sequence (TPA-Seq2Seq) model. This model can overcome the difficulty of multi-step prediction and further capture the load change pattern. The proposed framework was tested on real residential smart meter data, the results show that the proposed model has good prediction accuracy and is well suited for longer prediction sequences.
- Published
- 2020
- Full Text
- View/download PDF
14. Spelling normalisation of Late Modern English
- Author
-
Eric Smitterberg, Gerold Schneider, and Merja Kytö
- Subjects
Modern English ,Collocation ,Sequence model ,Machine translation ,Recall ,Character (computing) ,Computer science ,business.industry ,computer.software_genre ,Ensemble learning ,Spelling ,language.human_language ,language ,Artificial intelligence ,business ,computer ,Natural language processing - Abstract
To be able to profit from natural language processing (NLP) tools for analysing historical text, an important step is spelling normalisation. We first compare and second combine two different approaches: on the one hand VARD, a rule-based system which is based on dictionary lookup and rules with non-probabilistic but trainable weights; on the other hand a language-independent approach to spelling normalisation based on statistical machine translation (SMT) techniques. The rule-based system reaches the best accuracy, up to 94% precision at 74% recall, while the SMT system improves each tested period. We obtain the best system by combining both approaches. Re-training VARD on specific time-periods and domains is beneficial, and both systems benefit from a language sequence model using collocation strength.
- Published
- 2020
- Full Text
- View/download PDF
15. REFINEMENT OF CROPLAND DATA LAYER USING MACHINE LEARNING
- Author
-
Pengyu Hao, Chen Zhang, Zhengwei Yang, Liping Di, and L. Lin
- Subjects
lcsh:Applied optics. Photonics ,Sequence model ,010504 meteorology & atmospheric sciences ,Computer science ,Cloud computing ,Machine learning ,computer.software_genre ,01 natural sciences ,Agricultural statistics ,lcsh:Technology ,Data access layer ,Image resolution ,0105 earth and related environmental sciences ,Pixel ,Artificial neural network ,business.industry ,lcsh:T ,Deep learning ,lcsh:TA1501-1820 ,04 agricultural and veterinary sciences ,lcsh:TA1-2040 ,040103 agronomy & agriculture ,0401 agriculture, forestry, and fisheries ,Artificial intelligence ,business ,lcsh:Engineering (General). Civil engineering (General) ,computer - Abstract
As the most widely used crop-specific land use data, the Cropland Data Layer (CDL) product covers the entire Contiguous United States (CONUS) at 30-meter spatial resolution with very high accuracy up to 95% for major crop types (i.e., Corn, Soybean) in major crop area. However, the quality of early-year CDL products were not as good as the recent ones. There are many erroneous pixels in the early-year CDL product due to the cloud cover of the original Landsat images, which affect many follow-on researches and applications. To address this issue, we explore the feasibility of using machine learning technology to refine and correct misclassified pixels in the historical CDLs in this study. An end-to-end deep learning-based framework for restoration of misclassified pixels in CDL image is developed and tested. By feeding the CDL time series into the artificial neural network, a crop sequence model is trained and the misclassified pixels in an original CDL map can be restored. In the experiment with the 2005 CDL data of the State of Illinois, the misclassified pixels over Agricultural Statistics Districts (ASD) #1760 were corrected with a reasonable accuracy (> 85%). The findings suggest that the proposed method provides a low-cost and reliable way to refine the historical CDL data, which can be potentially scaled up to the entire CONUS.
- Published
- 2020
16. Document Ranking with a Pretrained Sequence-to-Sequence Model
- Author
-
Rodrigo Nogueira, Zhiying Jiang, Ronak Pradeep, and Jimmy Lin
- Subjects
Sequence model ,business.industry ,Computer science ,02 engineering and technology ,010501 environmental sciences ,computer.software_genre ,01 natural sciences ,Ranking ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,Document retrieval ,business ,computer ,Natural language processing ,0105 earth and related environmental sciences ,Transformer (machine learning model) - Abstract
This work proposes the use of a pretrained sequence-to-sequence model for document ranking. Our approach is fundamentally different from a commonly adopted classification-based formulation based on encoder-only pretrained transformer architectures such as BERT. We show how a sequence-to-sequence model can be trained to generate relevance labels as “target tokens”, and how the underlying logits of these target tokens can be interpreted as relevance probabilities for ranking. Experimental results on the MS MARCO passage ranking task show that our ranking approach is superior to strong encoder-only models. On three other document retrieval test collections, we demonstrate a zero-shot transfer-based approach that outperforms previous state-of-the-art models requiring in-domain cross-validation. Furthermore, we find that our approach significantly outperforms an encoder-only architecture in a data-poor setting. We investigate this observation in more detail by varying target tokens to probe the model’s use of latent knowledge. Surprisingly, we find that the choice of target tokens impacts effectiveness, even for words that are closely related semantically. This finding sheds some light on why our sequence-to-sequence formulation for document ranking is effective. Code and models are available at pygaggle.ai.
- Published
- 2020
- Full Text
- View/download PDF
17. Multi-zone indoor temperature prediction with LSTM-based sequence to sequence model
- Author
-
Zhen Fang, Benoit Delinchant, Nicolas Crimier, Lisa Scanu, Amr Alzouhri Alyafi, and Alphanie Midelet
- Subjects
Sequence ,Sequence model ,Computer science ,business.industry ,020209 energy ,Mechanical Engineering ,0211 other engineering and technologies ,Prediction interval ,02 engineering and technology ,Building and Construction ,computer.software_genre ,Air conditioning ,021105 building & construction ,Metric (mathematics) ,HVAC ,0202 electrical engineering, electronic engineering, information engineering ,Data mining ,Electrical and Electronic Engineering ,business ,computer ,Energy (signal processing) ,Dropout (neural networks) ,Civil and Structural Engineering - Abstract
Accurate indoor temperature forecasting can facilitate energy savings of the building without compromising the occupant comfort level, by providing more accurate control of the HVAC (heating, ventilating, and air conditioning) system. In order to make the best use of different input variables, a long short-term memory (LSTM) based sequence to sequence (seq2seq) model was proposed to make multi-step ahead forecasting. The out-of-sample forecasting capacity of the model was evaluated with regard to different forecast horizons by various evaluation metrics. A tailor-made metric was proposed to take account of the small daily-variation characteristic of indoor temperature. The model was benchmarked against Prophet and a seasonal naive model, showing that the current model is much more skillful and reliable in very short-term forecasting. A cross-series learning strategy was adopted to enable multi-zone indoor temperature forecasting with a more generalised model. Furthermore, the uncertainty in model parameters was quantified by prediction intervals created by Monte-Carlo dropout (MC-dropout) technique.
- Published
- 2021
- Full Text
- View/download PDF
18. History-based attention in Seq2Seq model for multi-label text classification
- Author
-
Zhiyong Li, Yi Li, Yi Xiao, Yaoqiang Xiao, Jin Yuan, and Songrui Guo
- Subjects
Sequence ,Propagation of uncertainty ,Information Systems and Management ,Sequence model ,business.industry ,Computer science ,Mechanism (biology) ,Context (language use) ,02 engineering and technology ,Time step ,computer.software_genre ,Management Information Systems ,Task (project management) ,ComputingMethodologies_PATTERNRECOGNITION ,Artificial Intelligence ,020204 information systems ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,State (computer science) ,Artificial intelligence ,business ,computer ,Software ,Natural language processing - Abstract
Multi-label text classification is an important yet challenging task in natural language processing. It is more complex than single-label text classification in that the labels tend to be correlated. To capture this complex correlations, sequence to sequence model has been widely applied, and achieved impressing performance for multi-label text classification. It encodes each document as contextual representations, and then decodes them to generate labels one by one. At each time step, the decoder usually adopts the attention mechanism to highlight important contextual representations to predict a related label, which has been proved to be effective. Nevertheless, the traditional attention approaches only utilize a hidden state to explore such contextual representations, which may result in prediction errors, or omit several trivial labels. To tackle this problem, in this paper, we propose “history-based attention”, which takes history information into consideration, to effectively explore informative representations for labels’ predictions in multi-label text classification. Our approach consists of two parts: history-based context attention and history-based label attention. History-based context attention considers historical weight trends to highlight important context words, which is helpful to predict trivial labels. History-based label attention explores historical labels to alleviate the error propagation problem. We conduct experiments on two popular text datasets (i.e., Arxiv Academic Paper Dataset and Reuters Corpus Volume I), it is demonstrated that the history-based attention mechanism could boost the performance to a certain extent, and the proposed method consistently outperforms highly competitive approaches.
- Published
- 2021
- Full Text
- View/download PDF
19. Automatic Conversion of English Pronunciation Using Sequence-to-Sequence Model
- Author
-
Kong Joo Lee and Yong-Seok Choi
- Subjects
Sequence model ,Computer science ,business.industry ,Artificial intelligence ,Pronunciation ,business ,computer.software_genre ,computer ,Natural language processing ,Linguistics ,Sequence (medicine) - Published
- 2017
- Full Text
- View/download PDF
20. A sequence-to-sequence model for cell-ID trajectory prediction
- Author
-
Ling Chen, Mingqi Lv, Tieming Chen, and Dajian Zeng
- Subjects
Spatial correlation ,Sequence ,Sequence model ,Computer science ,Graph embedding ,010401 analytical chemistry ,020207 software engineering ,02 engineering and technology ,Function (mathematics) ,computer.software_genre ,01 natural sciences ,0104 chemical sciences ,Cell ID ,Mobile phone ,0202 electrical engineering, electronic engineering, information engineering ,Trajectory ,Data mining ,computer - Abstract
It is expensive to collect trajectory data on a mobile phone by continuously pinpointing its location, which limits the application of trajectory data mining (e.g., trajectory prediction). In this poster, we propose a method for trajectory prediction by collecting cell-id trajectory data without explicit locations. First, it exploits the spatial correlation between cell towers based on graph embedding technique. Second, it employs the sequence-to-sequence (seq2seq) framework to train the prediction model by designing a novel spatial loss function. Experiment results based on real datasets have demonstrated the effectiveness of the proposed method.
- Published
- 2019
- Full Text
- View/download PDF
21. STG2Seq: Spatial-Temporal Graph to Sequence Model for Multi-step Passenger Demand Forecasting
- Author
-
Lei Bai, Quan Z. Sheng, Lina Yao, Salil S. Kanhere, and Xianzhi Wang
- Subjects
FOS: Computer and information sciences ,Computer Science - Machine Learning ,050210 logistics & transportation ,Sequence model ,Computer Science - Artificial Intelligence ,Computer science ,05 social sciences ,Machine Learning (stat.ML) ,02 engineering and technology ,Demand forecasting ,ENCODE ,computer.software_genre ,Machine Learning (cs.LG) ,Nonlinear system ,Artificial Intelligence (cs.AI) ,Statistics - Machine Learning ,0502 economics and business ,0202 electrical engineering, electronic engineering, information engineering ,Multiple time ,Graph (abstract data type) ,020201 artificial intelligence & image processing ,Data mining ,Encoder ,computer - Abstract
Multi-step passenger demand forecasting is a crucial task in on-demand vehicle sharing services. However, predicting passenger demand over multiple time horizons is generally challenging due to the nonlinear and dynamic spatial-temporal dependencies. In this work, we propose to model multi-step citywide passenger demand prediction based on a graph and use a hierarchical graph convolutional structure to capture both spatial and temporal correlations simultaneously. Our model consists of three parts: 1) a long-term encoder to encode historical passenger demands; 2) a short-term encoder to derive the next-step prediction for generating multi-step prediction; 3) an attention-based output module to model the dynamic temporal and channel-wise information. Experiments on three real-world datasets show that our model consistently outperforms many baseline methods and state-of-the-art models., Comment: 7 pages
- Published
- 2019
- Full Text
- View/download PDF
22. SC-NER: A Sequence-to-Sequence Model with Sentence Classification for Named Entity Recognition
- Author
-
Bin Xia, Yu Wang, Yun Li, Zheng Liu, and Ziye Zhu
- Subjects
Sequence model ,Computer science ,business.industry ,Deep learning ,computer.software_genre ,Named-entity recognition ,Beam search ,Artificial intelligence ,business ,computer ,Classifier (UML) ,Encoder ,Natural language processing ,Sentence - Abstract
Named Entity Recognition (NER) is a basic task in Natural Language Processing (NLP). Recently, the sequence-to-sequence (seq2seq) model has been widely used in NLP task. Different from the general NLP task, 60% sentences in the NER task do not contain entities. Traditional seq2seq method cannot address this issue effectively. To solve the aforementioned problem, we propose a novel seq2seq model, named SC-NER, for NER task. We construct a classifier between the encoder and decoder. In particular, the classifier’s input is the last hidden state of the encoder. Moreover, we present the restricted beam search to improve the performance of the proposed SC-NER. To evaluate our proposed model, we construct the patent documents corpus in the communications field, and conduct experiments on it. Experimental results show that our SC-NER model achieves better performance than other baseline methods.
- Published
- 2019
- Full Text
- View/download PDF
23. CBNU System for SIGMORPHON 2019 Shared Task 2: a Pipeline Model
- Author
-
Jae Sung Lee and Uygun Shadikhodjaev
- Subjects
Sequence model ,Computer science ,business.industry ,Lemmatisation ,Morphological analysis ,Artificial intelligence ,computer.software_genre ,business ,computer ,Natural language processing ,Transformer (machine learning model) - Abstract
In this paper we describe our system for morphological analysis and lemmatization in context, using a transformer-based sequence to sequence model and a biaffine attention based BiLSTM model. First, a lemma is produced for a given word, and then both the lemma and the given word are used for morphological analysis. We also make use of character level word encodings and trainable encodings to improve accuracy. Overall, our system ranked fifth in lemmatization and sixth in morphological accuracy among twelve systems, and demonstrated considerable improvements over the baseline in morphological analysis.
- Published
- 2019
- Full Text
- View/download PDF
24. BSI: A System for Predicting and Analyzing Accident Risk
- Author
-
Xinyu Ma, Yuhao Yang, and Meng Wang
- Subjects
050210 logistics & transportation ,Sequence model ,Computer science ,05 social sciences ,Accident risk ,computer.software_genre ,Dbscan clustering ,0502 economics and business ,0501 psychology and cognitive sciences ,Data mining ,Cluster analysis ,computer ,Road traffic ,050107 human factors ,Statistic ,Black spot - Abstract
In recent years, the rapid growth of motor vehicle ownership brings great pressure to the road traffic system and inevitably leads to a large number of traffic accidents. Therefore, it is a demanding task to build a well-developed system to identify the high-risk links, i.e., black spots, of a road network. However, most of the existing works focus on identifying black spots in a road network simply based on the statistic data of accidents, which leads to low accuracy. In this demonstration, we present a novel system called BSI, to predict and analyze the high-risk links in a road network by adequately utilizing the spatial-temporal features of accidents. First, BSI predicts the trend of accidents by a spatial-temporal sequence model. Then, based on predicted results, K-means method is utilized to discover the roads with the highest accident severity. Finally, BSI identifies the central location and coverage of a high-risk link by a modified DBSCAN clustering model. BSI can visualize the final identified black spots and provide the results to the user.
- Published
- 2019
- Full Text
- View/download PDF
25. Violent Crowd Flow Detection Using Deep Learning
- Author
-
A. M. Almarufuzzaman, Rashedur M. Rahman, Md. Tanzil Shahria, Nazmul Hasan, Md. Raihan Goni, and Shakil Ahmed Sumon
- Subjects
Sequence model ,Computer science ,business.industry ,Deep learning ,020207 software engineering ,02 engineering and technology ,Machine learning ,computer.software_genre ,Convolutional neural network ,Flow detection ,0202 electrical engineering, electronic engineering, information engineering ,Leverage (statistics) ,020201 artificial intelligence & image processing ,Artificial intelligence ,Transfer of learning ,business ,computer - Abstract
This research aims in detecting violent crowd flows in the context of Bangladesh. For this purpose, we have collected a dataset which includes both violent and non-violent crowd flows. Different deep learning algorithms and approaches have been applied on this dataset to detect scenarios which contain violence. Convolutional neural networks (CNN) and long short-term memory network (LSTM) based architectures have been experimented separately on this dataset and in combination as well. Moreover, a model that was already pre-trained on violent movie scenes has been used to leverage transfer learning which outperformed all other experimented approaches with an accuracy of 95.67%. Surprisingly, the sequence model alone or in combination with CNN has not performed well on this particular dataset. The proposed model is lightweight hence it can be deployed easily in any security systems consisting of CCTV cameras or unmanned aerial vehicles (UAVs).
- Published
- 2019
- Full Text
- View/download PDF
26. Generating Paraphrases with Lean Vocabulary
- Author
-
Tadashi Nomoto
- Subjects
Vocabulary ,Sequence model ,business.industry ,Computer science ,media_common.quotation_subject ,Convolution (computer science) ,Security token ,computer.software_genre ,Paraphrase ,Reinforcement learning ,State (computer science) ,Artificial intelligence ,Representation (mathematics) ,business ,computer ,Natural language processing ,media_common - Abstract
In this work, we examine whether it is possible to achieve the state of the art performance in paraphrase generation with reduced vocabulary. Our approach consists of building a convolution to sequence model (Conv2Seq) partially guided by the reinforcement learning, and training it on the subword representation of the input. The experiment on the Quora dataset, which contains over 140,000 pairs of sentences and corresponding paraphrases, found that with less than 1,000 token types, we were able to achieve performance which exceeded that of the current state of the art.
- Published
- 2019
- Full Text
- View/download PDF
27. Personalised Medicine in Critical Care Using Bayesian Reinforcement Learning
- Author
-
Xue Li, Suresh Pokharel, Hanna Kurniawati, and Chandra Prasetyo Utomo
- Subjects
0303 health sciences ,Ground truth ,Multivariate statistics ,Sequence model ,business.industry ,Computer science ,Supervised learning ,Machine learning ,computer.software_genre ,Disease cluster ,Intensive care unit ,law.invention ,03 medical and health sciences ,Bayesian reinforcement learning ,0302 clinical medicine ,law ,030212 general & internal medicine ,Artificial intelligence ,Cluster analysis ,business ,computer ,030304 developmental biology - Abstract
Patients with similar conditions in the intensive care unit (ICU) may have different reactions for a given treatment. An effective personalised medicine can help save patient lives. The availability of recorded ICU data provides a huge potential to train and develop the systems. However, there is no ground truth of best treatments. This makes existing supervised learning based methods are not appropriate. In this paper, we proposed clustering based Bayesian reinforcement learning. Firstly, we transformed the multivariate time series patient record into a real-time Patient Sequence Model (PSM). After that, we computed the likelihood probability of treatments effect for all patients and cluster them based on that. Finally, we computed Bayesian reinforcement learning to derive personalised policies. We tested our proposed method using 11,791 ICU patients records from MIMIC-III database. Results show that we are able to cluster patient based on their treatment effects. In addition, our method also provides better explainability and time-critical recommendation that are very important in a real ICU setting.
- Published
- 2019
- Full Text
- View/download PDF
28. Application of active learning algorithm in handwriting recognition numbers
- Author
-
Tiantian Pu
- Subjects
History ,Sequence model ,Computer science ,Active learning (machine learning) ,business.industry ,Sample (statistics) ,computer.software_genre ,Computer Science Applications ,Education ,Annotation ,Handwriting recognition ,Entropy (information theory) ,Digit recognition ,Artificial intelligence ,business ,computer ,Selection (genetic algorithm) ,Natural language processing - Abstract
Active learning is very suitable for many problems in natural language processing, where unlabeled data may be abundant, but annotation is slow and expensive. This article aims to illustrate some active learning methods for handwritten digit recognition tasks, such as the least confidence and entropy methods. We investigated the previously used sequence model query selection strategies and used some selection strategies for sample labeling in handwritten digit recognition. We also conduct a large-scale empirical comparison of using multiple corpora, which shows that our proposed method improves the technical level.
- Published
- 2021
- Full Text
- View/download PDF
29. Forensic STR allele extraction using a machine learning paradigm
- Author
-
Janet Stacey, Ryan England, Yao-Yuan Liu, David Welch, and SallyAnn Harbison
- Subjects
Forensic Genetics ,0301 basic medicine ,Sequence model ,Genotype ,Computer science ,Sequence alignment ,Locus (genetics) ,Machine learning ,computer.software_genre ,Pathology and Forensic Medicine ,Machine Learning ,03 medical and health sciences ,0302 clinical medicine ,Genetics ,Humans ,030216 legal & forensic medicine ,Allele ,Alleles ,Massive parallel sequencing ,business.industry ,Electrophoresis, Capillary ,High-Throughput Nucleotide Sequencing ,DNA Fingerprinting ,030104 developmental biology ,Genetic Loci ,Microsatellite ,Artificial intelligence ,business ,Classifier (UML) ,computer ,Algorithms ,Microsatellite Repeats - Abstract
We present a machine learning approach to short tandem repeat (STR) sequence detection and extraction from massively parallel sequencing data called Fragsifier. Using this approach, STRs are detected on each read by first locating the longest repeat stretches followed by locus prediction using k-mers in a machine learning sequence model. This is followed by reference flanking sequence alignment to determine precise STR boundaries. We show that Fragsifier produces genotypes that are concordant with profiles obtained using capillary electrophoresis (CE), and also compared the results with that of STRait Razor and the ForenSeq UAS. The data pre-processing and training of the sequence classifier is readily scripted, allowing the analyst to experiment with different thresholds, datasets and loci of interest, and different machine learning models.
- Published
- 2020
- Full Text
- View/download PDF
30. Seismic data prediction lithology sequence model based on machine learning
- Author
-
Huihui Cao, Xuri Huang, and Siqi Li
- Subjects
Sequence model ,Computer science ,Lithology ,business.industry ,Data prediction ,Artificial intelligence ,Machine learning ,computer.software_genre ,business ,computer - Published
- 2018
- Full Text
- View/download PDF
31. SQL-to-Text Generation with Graph-to-Sequence Model
- Author
-
Lingfei Wu, Yansong Feng, Vadim Sheinin, Kun Xu, and Zhiguo Wang
- Subjects
FOS: Computer and information sciences ,SQL ,Computer Science - Machine Learning ,Sequence model ,Computer Science - Computation and Language ,Computer science ,InformationSystems_DATABASEMANAGEMENT ,02 engineering and technology ,computer.software_genre ,Machine Learning (cs.LG) ,020204 information systems ,0202 electrical engineering, electronic engineering, information engineering ,Text generation ,Graph (abstract data type) ,020201 artificial intelligence & image processing ,Data mining ,computer ,Computation and Language (cs.CL) ,computer.programming_language - Abstract
Previous work approaches the SQL-to-text generation task using vanilla Seq2Seq models, which may not fully capture the inherent graph-structured information in SQL query. In this paper, we first introduce a strategy to represent the SQL query as a directed graph and then employ a graph-to-sequence model to encode the global structure information into node embeddings. This model can effectively learn the correlation between the SQL query pattern and its interpretation. Experimental results on the WikiSQL dataset and Stackoverflow dataset show that our model significantly outperforms the Seq2Seq and Tree2Seq baselines, achieving the state-of-the-art performance., EMNLP18, Accepted
- Published
- 2018
32. A Click Sequence Model for Web Search
- Author
-
Alexey Borisov, Martijn Wardenaar, Ilya Markov, Maarten de Rijke, Information and Language Processing Syst (IVI, FNWI), and Communication
- Subjects
FOS: Computer and information sciences ,Sequence ,Focus (computing) ,Sequence model ,Computer science ,02 engineering and technology ,computer.software_genre ,Computer Science - Information Retrieval ,Set (abstract data type) ,Task (computing) ,Search engine ,020204 information systems ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Data mining ,computer ,Information Retrieval (cs.IR) - Abstract
Getting a better understanding of user behavior is important for advancing information retrieval systems. Existing work focuses on modeling and predicting single interaction events, such as clicks. In this paper, we for the first time focus on modeling and predicting sequences of interaction events. And in particular, sequences of clicks. We formulate the problem of click sequence prediction and propose a click sequence model (CSM) that aims to predict the order in which a user will interact with search engine results. CSM is based on a neural network that follows the encoder-decoder architecture. The encoder computes contextual embeddings of the results. The decoder predicts the sequence of positions of the clicked results. It uses an attention mechanism to extract necessary information about the results at each timestep. We optimize the parameters of CSM by maximizing the likelihood of observed click sequences. We test the effectiveness of CSM on three new tasks: (i) predicting click sequences, (ii) predicting the number of clicks, and (iii) predicting whether or not a user will interact with the results in the order these results are presented on a search engine result page (SERP). Also, we show that CSM achieves state-of-the-art results on a standard click prediction task, where the goal is to predict an unordered set of results a user will click on.
- Published
- 2018
- Full Text
- View/download PDF
33. A Reinforced Topic-Aware Convolutional Sequence-to-Sequence Model for Abstractive Text Summarization
- Author
-
Li Zhong, Qiang Du, Yunzhe Tao, Li Wang, Wei Liu, and Junlin Yao
- Subjects
FOS: Computer and information sciences ,Sequence ,Computer Science - Machine Learning ,Sequence model ,Computer Science - Computation and Language ,Computer science ,business.industry ,Deep learning ,Inference ,Machine Learning (stat.ML) ,020207 software engineering ,02 engineering and technology ,Coherence (statistics) ,computer.software_genre ,Automatic summarization ,Machine Learning (cs.LG) ,Statistics - Machine Learning ,Metric (mathematics) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Computation and Language (cs.CL) ,computer ,Natural language processing - Abstract
In this paper, we propose a deep learning approach to tackle the automatic summarization tasks by incorporating topic information into the convolutional sequence-to-sequence (ConvS2S) model and using self-critical sequence training (SCST) for optimization. Through jointly attending to topics and word-level alignment, our approach can improve coherence, diversity, and informativeness of generated summaries via a biased probability generation mechanism. On the other hand, reinforcement training, like SCST, directly optimizes the proposed model with respect to the non-differentiable metric ROUGE, which also avoids the exposure bias during inference. We carry out the experimental evaluation with state-of-the-art methods over the Gigaword, DUC-2004, and LCSTS datasets. The empirical results demonstrate the superiority of our proposed method in the abstractive summarization., International Joint Conference on Artificial Intelligence and European Conference on Artificial Intelligence (IJCAI-ECAI), 2018
- Published
- 2018
34. An Operation Sequence Model for Explainable Neural Machine Translation
- Author
-
Felix Stahlberg, Bill Byrne, and Danielle Saunders
- Subjects
FOS: Computer and information sciences ,Computer Science - Computation and Language ,Sequence model ,Machine translation ,Computer science ,Plain text ,Speech recognition ,cs.CL ,02 engineering and technology ,computer.file_format ,010501 environmental sciences ,computer.software_genre ,01 natural sciences ,0202 electrical engineering, electronic engineering, information engineering ,ComputingMethodologies_DOCUMENTANDTEXTPROCESSING ,020201 artificial intelligence & image processing ,computer ,Computation and Language (cs.CL) ,Sentence ,0105 earth and related environmental sciences ,Transformer (machine learning model) ,BLEU - Abstract
We propose to achieve explainable neural machine translation (NMT) by changing the output representation to explain itself. We present a novel approach to NMT which generates the target sentence by monotonically walking through the source sentence. Word reordering is modeled by operations which allow setting markers in the target sentence and move a target-side write head between those markers. In contrast to many modern neural models, our system emits explicit word alignment information which is often crucial to practical machine translation as it improves explainability. Our technique can outperform a plain text system in terms of BLEU score under the recent Transformer architecture on Japanese-English and Portuguese-English, and is within 0.5 BLEU difference on Spanish-English., Comment: BlackboxNLP workshop at EMNLP 2018
- Published
- 2018
- Full Text
- View/download PDF
35. Tübingen-Oslo system at
- Author
-
Çağrı Çöltekin and Taraka Rama
- Subjects
Sequence model ,Computer science ,business.industry ,Inflection ,Human multitasking ,Artificial intelligence ,computer.software_genre ,business ,computer ,Natural language processing ,Sequence (medicine) ,Task (project management) - Published
- 2018
- Full Text
- View/download PDF
36. SZTE-NLP at SemEval-2017 Task 10: A High Precision Sequence Model for Keyphrase Extraction Utilizing Sparse Coding for Feature Generation
- Author
-
Gábor Berend
- Subjects
Sequence model ,Computer science ,business.industry ,02 engineering and technology ,computer.software_genre ,SemEval ,Task (project management) ,03 medical and health sciences ,0302 clinical medicine ,030221 ophthalmology & optometry ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,Feature generation ,Neural coding ,business ,computer ,Word (computer architecture) ,Natural language processing - Abstract
In this paper we introduce our system participating at the 2017 SemEval shared task on keyphrase extraction from scientific documents. We aimed at the creation of a keyphrase extraction approach which relies on as little external resources as possible. Without applying any hand-crafted external resources, and only utilizing a transformed version of word embeddings trained at Wikipedia, our proposed system manages to perform among the best participating systems in terms of precision.
- Published
- 2017
- Full Text
- View/download PDF
37. Detection of Verbal Multi-Word Expressions via Conditional Random Fields with Syntactic Dependency Features and Semantic Re-Ranking
- Author
-
Lifeng Han, Qun Liu, Ashjan Alsulaimani, Erwan Moreau, Carl Vogel, Alfredo Maldonado, Koel Dutta Chowdhury, Moreau, Erwan, Stella Markantonatou, Carlos Ramisch, Agata Savary, and Veronika Vincze, Markantonatou, Stella, Ramisch, Carlos, Savary, Agata, and Vincze, Veronika
- Subjects
Conditional random field ,Artificial intelligence ,Sequence model ,Exploit ,Computer science ,[INFO.INFO-TT] Computer Science [cs]/Document and Text Processing ,Computational linguistics ,02 engineering and technology ,Conditional random fields ,computer.software_genre ,Security token ,Multiword expression ,030507 speech-language pathology & audiology ,03 medical and health sciences ,Multiword Expression ,MWE Identification ,Conditional Random Fields ,Semantic Reranking ,Machine learning ,0202 electrical engineering, electronic engineering, information engineering ,business.industry ,Semantics ,Re ranking ,020201 artificial intelligence & image processing ,0305 other medical science ,business ,computer ,Natural language processing - Abstract
A description of a system for identifying Verbal Multi-Word Expressions (VMWEs) in running text is presented. The system mainly exploits universal syntactic dependency features through a Conditional Random Fields (CRF) sequence model. The system competed in the Closed Track at the PARSEME VMWE Shared Task 2017, ranking 2nd place in most languages on full VMWE-based evaluation and 1st in three languages on token-based evaluation. In addition, this paper presents an option to re-rank the 10 best CRF-predicted sequences via semantic vectors, boosting its scores above other systems in the competition. We also show that all systems in the competition would struggle to beat a simple lookup base-line system and argue for a more purpose-specific evaluation scheme.
- Published
- 2017
- Full Text
- View/download PDF
38. Exploratory Approach of Social Gameplay Behavior Pattern : Case Study of World of Warcrafts
- Author
-
Seung-Keun Song
- Subjects
Balance design ,Sequence model ,Multimedia ,Computer science ,ComputingMilieux_PERSONALCOMPUTING ,Behavioral pattern ,Protocol analysis ,Level design ,computer.software_genre ,Human–computer interaction ,Task analysis ,computer ,Coding (social sciences) ,Verbal report - Abstract
The objective of this research is to discover the rule of gameplay related to the task interdependence to analyse the behavior pattern of social gameplay. Previous literatures related to the gameplay were reviewed and game which was suitable for the gameplay of the task interdependence was selected. A party-play includes a team of five people in the experiment during the gameplay with think-aloud method and video/audio data about action protocol and verbal report were collected. The video observation and protocol analysis were conducted to analyse data. The objective coding scheme were developed from consolidated sequence model task analysis. The player`s behavior was analysed. The result was revealed that four rules and four modified rules were included into the total eight behavior pattern. A behavior graph integrated with five gameplay was written. The excellent cooperative spot and error and failure place could be identified. The social gameplay behavior graph is expected to be the key practical design guideline on whether the level design and balance design are proper.
- Published
- 2013
- Full Text
- View/download PDF
39. Informing Authoring Best Practices Through an Analysis of Pedagogical Content and Student Behavior
- Author
-
Matthew E. Roy and Rohit Kumar
- Subjects
Sequence model ,Multimedia ,Computer science ,Best practice ,05 social sciences ,050301 education ,Context (language use) ,02 engineering and technology ,computer.software_genre ,0202 electrical engineering, electronic engineering, information engineering ,Mathematics education ,Working through ,020201 artificial intelligence & image processing ,Content type ,Content (Freudian dream analysis) ,Representation (mathematics) ,0503 education ,Composition (language) ,computer - Abstract
Among other factors, student behavior during learning activities is affected by the pedagogical content they are interacting with. In this paper, we analyze this effect in the context of a problem-solving based online Physics course. We use a representation of the content in terms of its position, composition and visual layout to identify eight content types that correspond to problem solving sub-tasks. Canonical examples as well as a sequence model of these tasks are presented. Student behaviors, measured in terms of activity, help-requests, mistakes and time on task, are compared across each content type. Students request more help while working through complex computational tasks and make more mistakes on tasks that apply conceptual knowledge. We discuss how these findings can inform the design of pedagogical content and authoring tools.
- Published
- 2016
- Full Text
- View/download PDF
40. Hidden Softmax Sequence Model for Dialogue Structure Analysis
- Author
-
Ping Lv, Ji Wu, Zhiyang He, and Xien Liu
- Subjects
Sequence model ,Structure analysis ,business.industry ,Computer science ,Speech recognition ,02 engineering and technology ,010501 environmental sciences ,computer.software_genre ,01 natural sciences ,Softmax function ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,computer ,Natural language processing ,0105 earth and related environmental sciences - Published
- 2016
- Full Text
- View/download PDF
41. LIPOPREDICT: Bacterial lipoprotein prediction server
- Author
-
S. Ramya Kumari, V. K. Jayaraman, Kiran Kadam, and Ritesh Badwaik
- Subjects
Bacterial lipoproteins ,Sequence model ,Computer science ,Computational biology ,General Medicine ,computer.software_genre ,compositional features ,Bacterial lipoprotein ,Support vector machine ,Dipeptide composition ,Server ,Data mining ,prediction server ,computer ,Support Vector Machine (SVM) - Abstract
Bacterial lipoproteins have many important functions owing to their essential nature and roles in pathogenesis and represent a class of possible vaccine candidates. The prediction of bacterial lipoproteins from sequence is thus an important task for computational vaccinology. A Support Vector Machines (SVM) based module for predicting bacterial lipoproteins, LIPOPREDICT, has been developed. The best performing sequence model were generated using selected dipeptide composition, which gave 97% accuracy of prediction. The results obtained were compared very well with those of previously developed methods. Availability The database is available for free at www.lipopredict.cdac.in
- Published
- 2012
42. Text-based Language Identification of Multilingual Names
- Author
-
Oluwapelumi Giwa, Marelie H. Davel, 23607955 - Davel M., and 23607955 - Davel, Marelie Hattingh
- Subjects
Sequence model ,Language identification ,business.industry ,Computer science ,Text-based language identification ,Pronunciation modelling ,Pronunciation ,Speech processing ,computer.software_genre ,Multilingual Names ,Task (project management) ,Language Identification ,Proper noun ,Artificial intelligence ,business ,computer ,Natural language processing ,Word (computer architecture) - Abstract
Text-based language identification (T-LID) of isolated words has been shown to be useful for various speech processing tasks, including pronunciation modelling and data categorisation. When the words to be categorised are proper names, the task becomes more difficult: not only do proper names often have idiosyncratic spellings, they are also often considered to be multilingual. We, therefore, investigate how an existing T-LID technique can be adapted to perform multilingual word classification. That is, given a proper name, which may be either mono- or multilingual, we aim to determine how accurately we can predict how many possible source languages the word has, and what they are. Using a Joint Sequence Model-based approach to T-LID and the SADE corpus - a newly developed proper names corpus of South African names - we experiment with different approaches to multilingual T-LID. We compare posterior-based and likelihood-based methods and obtain promising results on a challenging task.
- Published
- 2015
43. LIPPRED: A web server for accurate prediction of lipoprotein signal sequences and cleavage sites
- Author
-
Teresa K. Attwood, Darren R. Flower, Christopher P. Toseland, and Paul D. Taylor
- Subjects
Web server ,Sequence model ,Computer science ,Attachment site ,Reverse vaccinology ,Web Server ,prediction ,General Medicine ,Computational biology ,computer.software_genre ,Cleavage (embryo) ,alternative splicing ,Naïve-Bayesian networks ,reverse vaccinology ,server ,lipids (amino acids, peptides, and proteins) ,Data mining ,computer ,Lipoprotein - Abstract
Bacterial lipoproteins have many important functions and represent a class of possible vaccine candidates. The prediction of lipoproteins from sequence is thus an important task for computational vaccinology. Naïve-Bayesian networks were trained to identify SpaseII cleavage sites and their preceding signal sequences using a set of 199 distinct lipoprotein sequences. A comprehensive range of sequence models was used to identify the best model for lipoprotein signal sequences. The best performing sequence model was found to be 10-residues in length, including the conserved cysteine lipid attachment site and the nine residues prior to it. The sensitivity of prediction for LipPred was 0.979, while the specificity was 0.742. Here, we describe LipPred, a web server for lipoprotein prediction; available at the URL: http://www.jenner.ac.uk/LipPred/. LipPred is the most accurate method available for the detection of SpaseIIcleaved lipoprotein signal sequences and the prediction of their cleavage sites.
- Published
- 2006
- Full Text
- View/download PDF
44. The DCU-ICTCAS MT system at WMT 2014 on German-English Translation Task
- Author
-
Andy Way, Jun Xie, Xiaofeng Wu, Santiago Cortés Va'illo, Liangyou Li, and Qun Liu
- Subjects
Sequence model ,System combination ,Machine translation ,Computer science ,business.industry ,Speech recognition ,Translation (geometry) ,computer.software_genre ,language.human_language ,Task (project management) ,German ,language ,Artificial intelligence ,Language model ,business ,computer ,Natural language processing - Abstract
This paper describes the DCU submission to WMT 2014 on German-English translation task. Our system uses phrasebased translation model with several popular techniques, including Lexicalized Reordering Model, Operation Sequence Model and Language Model interpolation. Our final submission is the result of system combination on several systems which have different pre-processing and alignments.
- Published
- 2014
- Full Text
- View/download PDF
45. Yandex School of Data Analysis Russian-English Machine Translation System for WMT14
- Author
-
Irina Galinskaya and Alexey Borisov
- Subjects
Ninth ,Sequence model ,Machine translation ,Computer science ,business.industry ,computer.software_genre ,Artificial intelligence ,Machine translation system ,Language model ,IBM ,business ,computer ,Sentence ,Decoding methods ,Natural language processing - Abstract
This paper describes the Yandex School of Data Analysis Russian-English system submitted to the ACL 2014 Ninth Workshop on Statistical Machine Translation shared translation task. We start with the system that we developed last year and investigate a few methods that were successful at the previous translation task including unpruned language model, operation sequence model and the new reparameterization of IBM Model 2. Next we propose a {simple yet practical} algorithm to transform Russian sentence into a more easily translatable form before decoding. The algorithm is based on the linguistic intuition of native Russian speakers, also fluent in English.
- Published
- 2014
- Full Text
- View/download PDF
46. Towards zero-shot learning for human activity recognition using semantic attribute sequence model
- Author
-
Heng-Tze Cheng, Di You, Martin L. Griss, Paul C. Davis, and Jianguo Li
- Subjects
Sequence model ,Training set ,business.industry ,Computer science ,Supervised learning ,Semi-supervised learning ,Zero shot learning ,Machine learning ,computer.software_genre ,Activity recognition ,Labeled data ,Artificial intelligence ,Instance-based learning ,business ,Precision and recall ,computer - Abstract
Understanding human activities is important for user-centric and context-aware applications. Previous studies showed promising results using various machine learning algorithms. However, most existing methods can only recognize the activities that were previously seen in the training data. In this paper, we present a new zero-shot learning framework for human activity recognition that can recognize an unseen new activity even when there are no training samples of that activity in the dataset. We propose a semantic attribute sequence model that takes into account both the hierarchical and sequential nature of activity data. Evaluation on datasets in two activity domains show that the proposed zero-shot learning approach achieves 70-75% precision and recall recognizing unseen new activities, and outperforms supervised learning with limited labeled data for the new classes.
- Published
- 2013
- Full Text
- View/download PDF
47. Intrusion Detection Models Based on Data Mining
- Author
-
Guojun Mao, Xindong Wu, and Xuxian Jiang
- Subjects
Frequency analysis ,Sequence model ,General Computer Science ,Anomaly-based intrusion detection system ,Computer science ,Training (meteorology) ,frequency pattern ,Intrusion detection system ,Information security ,data mining ,computer.software_genre ,lcsh:QA75.5-76.95 ,law.invention ,Computational Mathematics ,Tree (data structure) ,law ,tree pattern ,Intrusion detection ,Data mining ,lcsh:Electronic computers. Computer science ,computer ,Tree pattern - Abstract
Computer intrusions are taking place everywhere, and have become a major concern for information security. Most intrusions to a computer system may result from illegitimate or irregular calls to the operating system, so analyzing the system-call sequences becomes an important and fundamental technique to detect potential intrusions. This paper proposes two models based on data mining technology, respectively called frequency patterns (FP) and tree patterns (TP) for intrusion detection. FP employs a typical method of sequential mining based on frequency analysis, and uses a short sequence model to find out quickly frequent sequential patterns in the training system-call sequences. TP makes use of the technique of tree pattern mining, and can get a quality profile from the training system-call sequences of a given system. Experimental results show that FP has good performances in training and detecting intrusions from short system-call sequences, and TP can achieve a high detection precision in han...
- Published
- 2012
48. A hidden Markov model for earthquake declustering
- Author
-
Zhengxiao Wu
- Subjects
Atmospheric Science ,Sequence model ,Computer science ,Soil Science ,Aquatic Science ,Oceanography ,Earthquake modeling ,computer.software_genre ,Physics::Geophysics ,Geochemistry and Petrology ,Simple (abstract algebra) ,Earth and Planetary Sciences (miscellaneous) ,Statistical inference ,Hidden Markov model ,Aftershock ,Earth-Surface Processes ,Water Science and Technology ,Ecology ,Stochastic process ,Paleontology ,Forestry ,Data set ,Geophysics ,Space and Planetary Science ,Data mining ,computer ,Seismology - Abstract
[1] The hidden Markov model (HMM) and related algorithms provide a powerful framework for statistical inference on partially observed stochastic processes. HMMs have been successfully implemented in many disciplines, though not as widely applied as they should be in earthquake modeling. In this article, a simple HMM earthquake occurrence model is proposed. Its performance in declustering is compared with the epidemic-type aftershock sequence model, using a data set of the central and western regions of Japan. The earthquake clusters and the single earthquakes separated using our model show some interesting geophysical differences. In particular, the log-linear Gutenberg-Richter frequency-magnitude law (G-R law) for the earthquake clusters is significantly different from that for the single earthquakes.
- Published
- 2010
- Full Text
- View/download PDF
49. Improving alignment for SMT by reordering and augmenting the training corpus
- Author
-
Maria Holmqvist, Jody Foo, Sara Stymne, and Lars Ahrenberg
- Subjects
Sequence model ,Machine translation ,Computer science ,business.industry ,Speech recognition ,Context (language use) ,Translation (geometry) ,computer.software_genre ,Task (project management) ,Artificial intelligence ,business ,Focus (optics) ,computer ,Natural language processing ,Word (computer architecture) - Abstract
We describe the LIU systems for English-German and German-English translation in the WMT09 shared task. We focus on two methods to improve the word alignment: (i) by applying Giza++ in a second phase to a reordered training corpus, where reordering is based on the alignments from the first phase, and (ii) by adding lexical data obtained as high-precision alignments from a different word aligner. These methods were studied in the context of a system that uses compound processing, a morphological sequence model for German, and a part-of-speech sequence model for English. Both methods gave some improvements to translation quality as measured by Bleu and Meteor scores, though not consistently. All systems used both out-of-domain and in-domain data as the mixed corpus had better scores in the baseline configuration.
- Published
- 2009
- Full Text
- View/download PDF
50. A comparison of merging strategies for translation of German compounds
- Author
-
Sara Stymne
- Subjects
Scheme (programming language) ,Matching (statistics) ,Sequence model ,Process (engineering) ,business.industry ,Computer science ,computer.software_genre ,Translation (geometry) ,language.human_language ,German ,Knowledge sources ,language ,Artificial intelligence ,business ,computer ,Word (computer architecture) ,Natural language processing ,computer.programming_language - Abstract
In this article, compound processing for translation into German in a factored statistical MT system is investigated. Compounds are handled by splitting them prior to training, and merging the parts after translation. I have explored eight merging strategies using different combinations of external knowledge sources, such as word lists, and internal sources that are carried through the translation process, such as symbols or parts-of-speech. I show that for merging to be successful, some internal knowledge source is needed. I also show that an extra sequence model for part-of-speech is useful in order to improve the order of compound parts in the output. The best merging results are achieved by a matching scheme for part-of-speech tags.
- Published
- 2009
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.