abstract_id
stringlengths
10
10
sentences
list
labels
list
confs
list
train_1000
[ "Generative Adversarial Networks (GANs) have shown remarkable success as a framework for training models to produce realistic-looking data.", "In this work, we propose a Recurrent GAN (RGAN) and Recurrent Conditional GAN (RCGAN) to produce realistic real-valued multi-dimensional time series, with an emphasis on their application to medical data.", "RGANs make use of recurrent neural networks (RNNs) in the generator and the discriminator.", "In the case of RCGANs, both of these RNNs are conditioned on auxiliary information.", "We demonstrate our models in a set of toy datasets, where we show visually and quantitatively (using sample likelihood and maximum mean discrepancy) that they can successfully generate realistic time-series.", "We also describe novel evaluation methods for GANs, where we generate a synthetic labelled training dataset, and evaluate on a real test set the performance of a model trained on the synthetic data, and vice-versa.", "We illustrate with these metrics that RCGANs can generate time-series data useful for supervised training, with only minor degradation in performance on real test data.", "This is demonstrated on digit classification from ‘serialised’ MNIST and by training an early warning system on a medical dataset of 17,000 patients from an intensive care unit.", "We further discuss and analyse the privacy concerns that may arise when using RCGANs to generate realistic synthetic medical time series data, and demonstrate results from differentially private training of the RCGAN." ]
[ 0, 0, 1, 0, 2, 1, 1, 4, 4 ]
[ 1, 0.6111000180244446, 0.5555999875068665, 0.44440001249313354, 0.44440001249313354, 0.5555999875068665, 0.6111000180244446, 0.6111000180244446, 0.6111000180244446 ]
train_1001
[ "Recently, the quality and the diversity of transport services are more and more required.", "Moreover, in case of a great deal of services and selling goods, a significant part of price is transport cost.", "Thus, the design of models and applications which make possible efficient transport planning and scheduling becomes important.", "A great deal of real transport problems may be modelled by using Pickup and Delivery Problem with Time Windows (PDPTW) and capacity constraints, which is based on the realization of a set of transport requests by a fleet of vehicles with given capacities.", "Each request is described by pickup and delivery locations, time periods when pickup and delivery operations should be performed and needed load.", "Application of evolutionary approach has brought good results in case of another, simpler transport problem – the Vehicle Routing Problem with Time Windows (VRPTW).", "This paper is aimed at proposing a straightforward extension of VRPTW based heuristics for the PDPTW." ]
[ 0, 0, 0, 1, 1, 4, 2 ]
[ 0.8055999875068665, 0.8055999875068665, 0.8055999875068665, 0.3889000117778778, 0.3889000117778778, 0.41670000553131104, 0.6111000180244446 ]
train_1002
[ "This research surveys the current state-of-the-art technologies that are instrumental in the adoption and development of fake news detection.", "“Fake news detection” is defined as the task of categorizing news along a continuum of veracity, with an associated measure of certainty.", "Veracity is compromised by the occurrence of intentional deceptions.", "The nature of online news publication has changed, such that traditional fact checking and vetting from potential deception is impossible against the flood arising from content generators, as well as various formats and genres.", "The paper provides a typology of several varieties of veracity assessment methods emerging from two major categories – linguistic cue approaches (with machine learning), and network analysis approaches.", "We see promise in an innovative hybrid approach that combines linguistic cue and machine learning, with network-based behavioral data.", "Although designing a fake news detector is not a straightforward problem, we propose operational guidelines for a feasible fake news detecting system." ]
[ 2, 0, 2, 2, 2, 1, 4 ]
[ 0.39469999074935913, 0.39469999074935913, 0.6053000092506409, 0.21050000190734863, 0.39469999074935913, 0.39469999074935913, 0.39469999074935913 ]
train_1003
[ "Nearest-neighbor collaborative filtering provides a successful means of generating recommendations for web users.", "However, this approach suffers from several shortcomings, including data sparsity and noise, the cold-start problem, and scalability.", "In this work, we present a novel method for recommending items to users based on expert opinions.", "Our method is a variation of traditional collaborative filtering: rather than applying a nearest neighbor algorithm to the user-rating data, predictions are computed using a set of expert neighbors from an independent dataset, whose opinions are weighted according to their similarity to the user.", "This method promises to address some of the weaknesses in traditional collaborative filtering, while maintaining comparable accuracy.", "We validate our approach by predicting a subset of the Netflix data set.", "We use ratings crawled from a web portal of expert reviews, measuring results both in terms of prediction accuracy and recommendation list precision.", "Finally, we explore the ability of our method to generate useful recommendations, by reporting the results of a user-study where users prefer the recommendations generated by our approach." ]
[ 0, 0, 1, 1, 1, 1, 1, 4 ]
[ 1, 1, 0.5676000118255615, 1, 1, 0.5, 0.4323999881744385, 0.40540000796318054 ]
train_1004
[ "The Java™ programming language contains built-in synchronization primitives for use in constructing multithreaded programs.", "Efficient implementation of these synchronization primitives is necessary in order to achieve high performance.", "Recent research [9, 12, 10, 3, 7] has focused on the run-time elimination of the atomic operations required to implement object monitor synchronization primitives.", "This paper describes a novel technique called store-free biased locking which eliminates all synchronization-related atomic operations on uncontended object monitors.", "The technique supports the bulk transfer of object ownership from one thread to another, and the selective disabling of the optimization where unprofitable, using epoch-based bulk rebiasing and revocation.", "It has been implemented in the production version of the Java HotSpot™VM and has yielded significant performance improvements on a range of benchmarks and applications.", "The technique is applicable to any virtual machine-based programming language implementation with mostly block-structured locking primitives." ]
[ 0, 0, 0, 0, 1, 1, 1 ]
[ 1, 0.8101000189781189, 0.620199978351593, 0.40700000524520874, 1, 0.5929999947547913, 0.5929999947547913 ]
train_1005
[ "In this paper, we train a semantic parser that scales up to Freebase.", "Instead of relying on annotated logical forms, which is especially expensive to obtain at large scale, we learn from question-answer pairs.", "The main challenge in this setting is narrowing down the huge number of possible logical predicates for a given question.", "We tackle this problem in two ways: First, we build a coarse mapping from phrases to predicates using a knowledge base and a large text corpus.", "Second, we use a bridging operation to generate additional predicates based on neighboring predicates.", "On the dataset of Cai and Yates (2013), despite not having annotated logical forms, our system outperforms their state-of-the-art parser.", "Additionally, we collected a more realistic and challenging dataset of question-answer pairs and improves over a natural baseline." ]
[ 0, 0, 2, 1, 1, 4, 4 ]
[ 0.6000000238418579, 0.4000000059604645, 1, 0.6000000238418579, 1, 0.6000000238418579, 0.6000000238418579 ]
train_1006
[ "Preserving details in restoring images highly corrupted by impulse noise remains a challenging problem.", "We proposed an algorithm based on radial basis functions (RBF) interpolation which estimates the intensities of corrupted pixels by their neighbors.", "In this algorithm, first intensity values of noisy pixels in the corrupted image are estimated using RBFs.", "Next, the image is smoothed.", "The proposed algorithm can effectively remove the highly dense impulse noise.", "Experimental results show the superiority of the proposed algorithm in comparison to the recent similar methods both in noise suppression and detail preservation.", "Extensive simulations show better results in measure of peak signal-to-noise ratio (PSNR) and structural similarity index (SSIM), especially when the image is corrupted by very highly dense impulse noise." ]
[ 0, 1, 1, 1, 1, 4, 4 ]
[ 0.6154000163078308, 0.5896999835968018, 0.6154000163078308, 0.41029998660087585, 0.7949000000953674, 0.6154000163078308, 0.7949000000953674 ]
train_1007
[ "The cloud computing exhibits, remarkable potential to provide cost effective, easy to manage, elastic, and powerful resources on the fly, over the Internet.", "The cloud computing, upsurges the capabilities of the hardware resources by optimal and shared utilization.", "The above mentioned features encourage the organizations and individual users to shift their applications and services to the cloud.", "Even the critical infrastructure, for example, power generation and distribution plants are being migrated to the cloud computing paradigm.", "However, the services provided by third-party cloud service providers entail additional security threats.", "The migration of user’s assets (data, applications, etc.) outside the administrative control in a shared environment where numerous users are collocated escalates the security concerns.", "This survey details the security issues that arise due to the very nature of cloud computing.", "Moreover, the survey presents the recent solutions presented in the literature to counter the security issues.", "Furthermore, a brief view of security vulnerabilities in the mobile cloud computing are also highlighted.", "In the end, the discussion on the open issues and future research directions is also presented." ]
[ 0, 0, 0, 0, 0, 0, 2, 1, 4, 4 ]
[ 1, 1, 0.8108000159263611, 0.8108000159263611, 0.8108000159263611, 0.8108000159263611, 0.5946000218391418, 0.5946000218391418, 0.40540000796318054, 0.7838000059127808 ]
train_1008
[ "Data management workloads are increasingly write-intensive and subject to strict latency SLAs.", "This presents a dilemma: Update in place systems have unmatched latency but poor write throughput.", "In contrast, existing log structured techniques improve write throughput but sacrifice read performance and exhibit unacceptable latency spikes.", "We begin by presenting a new performance metric: read fanout, and argue that, with read and write amplification, it better characterizes real-world indexes than approaches such as asymptotic analysis and price/performance.", "We then present bLSM, a Log Structured Merge (LSM) tree with the advantages of B-Trees and log structured approaches: (1) Unlike existing log structured trees, bLSM has near-optimal read and scan performance, and (2) its new \"spring and gear\" merge scheduler bounds write latency without impacting throughput or allowing merges to block writes for extended periods of time.", "It does this by ensuring merges at each level of the tree make steady progress without resorting to techniques that degrade read performance.", "We use Bloom filters to improve index performance, and find a number of subtleties arise.", "First, we ensure reads can stop after finding one version of a record.", "Otherwise, frequently written items would incur multiple B-Tree lookups.", "Second, many applications check for existing values at insert." ]
[ 0, 0, 0, 1, 0, 1, 1, 1, 4, 1 ]
[ 1, 1, 0.5555999875068665, 0.583299994468689, 0.41670000553131104, 0.5555999875068665, 0.583299994468689, 0.583299994468689, 0.44440001249313354, 0.8055999875068665 ]
train_1009
[ "Recurrent neural networks (RNN) are a widely used tool for the prediction of time series.", "In this paper we use the dynamic behaviour of the RNN to categorize input sequences into different specified classes.", "These two tasks do not seem to have much in common.", "However, the prediction task strongly supports the development of a suitable internal structure, representing the main features of the input sequence, to solve the classification problem.", "Therefore, the speed and success of the training as well as the generalization ability of the trained RNN are significantly improved.", "The trained RNN provides good classification performance and enables the user to assess efficiently the degree of reliability of the classification result." ]
[ 0, 1, 0, 1, 4, 4 ]
[ 0.7419000267982483, 0.45159998536109924, 0.5483999848365784, 0.41940000653266907, 0.5160999894142151, 1 ]
train_1010
[ "Recently, with the obvious increasing number of cardiovascular disease, the automatic classification research of Electrocardiogram signals (ECG) has been playing a significantly important part in the clinical diagnosis of cardiovascular disease.", "In this paper, a 1D convolution neural network (CNN) based method is proposed to classify ECG signals.", "The proposed CNN model consists of five layers in addition to the input layer and the output layer, i.e., two convolution layers, two down sampling layers and one full connection layer, extracting the effective features from the original data and classifying the features automatically.", "This model realizes the classification of 5 typical kinds of arrhythmia signals, i.e., normal, left bundle branch block, right bundle branch block, atrial premature contraction and ventricular premature contraction.", "The experimental results on the public MIT-BIH arrhythmia database show that the proposed method achieves a promising classification accuracy of 97.5%, significantly outperforming several typical ECG classification methods." ]
[ 0, 1, 1, 1, 4 ]
[ 1, 0.5946000218391418, 0.7838000059127808, 0.7838000059127808, 0.40540000796318054 ]
train_1011
[ "As Cloud Computing becomes prevalent, more and more sensitive information are being centralized into the cloud.", "For the protection of data privacy, sensitive data usually have to be encrypted before outsourcing, which makes effective data utilization a very challenging task.", "Although traditional searchable encryption schemes allow a user to securely search over encrypted data through keywords and selectively retrieve files of interest, these techniques support only exact keyword search.", "That is, there is no tolerance of minor typos and format inconsistencies which, on the other hand, are typical user searching behavior and happen very frequently.", "This significant drawback makes existing techniques unsuitable in Cloud Computing as it greatly affects system usability, rendering user searching experiences very frustrating and system efficacy very low.", "In this paper, for the first time we formalize and solve the problem of effective fuzzy keyword search over encrypted cloud data while maintaining keyword privacy.", "Fuzzy keyword search greatly enhances system usability by returning the matching files when users' searching inputs exactly match the predefined keywords or the closest possible matching files based on keyword similarity semantics, when exact match fails.", "In our solution, we exploit edit distance to quantify keywords similarity and develop an advanced technique on constructing fuzzy keyword sets, which greatly reduces the storage and representation overheads.", "Through rigorous security analysis, we show that our proposed solution is secure and privacy-preserving, while correctly realizing the goal of fuzzy keyword search." ]
[ 0, 0, 0, 2, 2, 0, 1, 1, 4 ]
[ 1, 0.5537999868392944, 0.5817000269889832, 0.41429999470710754, 0.44620001316070557, 0.41830000281333923, 0.5537999868392944, 0.41830000281333923, 0.5537999868392944 ]
train_1012
[ "In this paper we present a design framework to analyze person-product interaction.", "Its focus is on how the user's action and the product's function are coupled through different types of feedback and feedforward: inherent and augmented information.", "Instead of using the notion of 'coupling' in an abstract sense, our framework tries to give six practical characteristics for coupling action and information, i.e., time, location, direction, dynamics, modality and expression.", "Unifying action and information on each of these aspects makes the interaction intuitive.", "The framework invites and challenges designers to explore couplings leading towards embodied freedom of interaction." ]
[ 0, 0, 1, 1, 1 ]
[ 0.6388999819755554, 0.6388999819755554, 0.5555999875068665, 0.6111000180244446, 0.41670000553131104 ]
train_1013
[ "Deep convolutional neural networks have recently achieved state-of-the-art performance on a number of image recognition benchmarks, including the ImageNet Large-Scale Visual Recognition Challenge (ILSVRC-2012).", "The winning model on the localization sub-task was a network that predicts a single bounding box and a confidence score for each object category in the image.", "Such a model captures the whole-image context around the objects but cannot handle multiple instances of the same object in the image without naively replicating the number of outputs for each instance.", "In this work, we propose a saliency-inspired neural network model for detection, which predicts a set of class-agnostic bounding boxes along with a single score for each box, corresponding to its likelihood of containing any object of interest.", "The model naturally handles a variable number of instances for each class and allows for cross-class generalization at the highest levels of the network.", "We are able to obtain competitive recognition performance on VOC2007 and ILSVRC2012, while using only the top few predicted locations in each image and a small number of neural network evaluations." ]
[ 0, 0, 0, 1, 1, 4 ]
[ 1, 0.41029998660087585, 0.41029998660087585, 0.7949000000953674, 1, 0.5896999835968018 ]
train_1014
[ "This paper describes a novel strategy to enhance underwater videos and images.", "Built on the fusion principles, our strategy derives the inputs and the weight measures only from the degraded version of the image.", "In order to overcome the limitations of the underwater medium we define two inputs that represent color corrected and contrast enhanced versions of the original underwater image/frame, but also four weight maps that aim to increase the visibility of the distant objects degraded due to the medium scattering and absorption.", "Our strategy is a single image approach that does not require specialized hardware or knowledge about the underwater conditions or scene structure.", "Our fusion framework also supports temporal coherence between adjacent frames by performing an effective edge preserving noise reduction strategy.", "The enhanced images and videos are characterized by reduced noise level, better exposed-ness of the dark regions, improved global contrast while the finest details and edges are enhanced significantly.", "In addition, the utility of our enhancing technique is proved for several challenging applications." ]
[ 0, 2, 2, 1, 1, 1, 4 ]
[ 0.7949000000953674, 0.6154000163078308, 0.5896999835968018, 0.7949000000953674, 0.7949000000953674, 0.41029998660087585, 0.41029998660087585 ]
train_1015
[ "Cyber situational awareness is attracting much attention.", "It features prominently in the national cyber strategies of many countries, and there is a considerable body of research dealing with it.", "However, until now, there has been no systematic and up-to-date review of the scientific literature on cyber situational awareness.", "This article presents a review of cyber situational awareness, based on systematic queries in four leading scientific databases.", "102 articles were read, clustered, and are succinctly described in the paper.", "The findings are discussed from the perspective of both national cyber strategies and science, and some directions for future research are examined." ]
[ 0, 0, 0, 2, 1, 4 ]
[ 0.8234999775886536, 0.8234999775886536, 0.41179999709129333, 0.41179999709129333, 0.6176000237464905, 0.8234999775886536 ]
train_1016
[ "Ensemble analysis is a widely used meta-algorithm for many data mining problems such as classification and clustering.", "Numerous ensemble-based algorithms have been proposed in the literature for these problems.", "Compared to the clustering and classification problems, ensemble analysis has been studied in a limited way in the outlier detection literature.", "In some cases, ensemble analysis techniques have been implicitly used by many outlier analysis algorithms, but the approach is often buried deep into the algorithm and not formally recognized as a general-purpose meta-algorithm.", "This is in spite of the fact that this problem is rather important in the context of outlier analysis.", "This paper discusses the various methods which are used in the literature for outlier ensembles and the general principles by which such analysis can be made more effective.", "A discussion is also provided on how outlier ensembles relate to the ensemble-techniques used commonly for other data mining problems." ]
[ 0, 0, 0, 0, 4, 2, 4 ]
[ 0.8571000099182129, 0.628600001335144, 0.628600001335144, 0.4000000059604645, 0.37139999866485596, 0.4000000059604645, 0.4571000039577484 ]
train_1017
[ "The User Requirements Notation (URN), standardized by the International Telecommunication Union in 2008, is used to model and analyze requirements with goals and scenarios.", "This paper describes the first ten years of development of URN, and discusses ongoing efforts targeting the next ten years.", "We did a study inspired by the systematic literature review approach, querying five major search engines and using the existing URN Virtual Library.", "Based on the 281 scientific publications related to URN we collected and analyzed, we observe a shift from a more conventional use of URN for telecommunications and reactive systems to business process management and aspect-oriented modeling, with relevant extensions to the language being proposed.", "URN also benefits from a global and active research community, although industrial contributions are still sparse.", "URN is now a leading language for goal-driven and scenario-oriented modeling with a promising future for many application domains." ]
[ 0, 0, 1, 4, 4, 4 ]
[ 0.583299994468689, 0.41670000553131104, 0.41670000553131104, 0.6111000180244446, 0.3889000117778778, 0.6111000180244446 ]
train_1018
[ "The mobile phone landscape changed last year with the introduction of smart phones running Android, a platform marketed by Google.", "Android phones are the first credible threat to the iPhone market.", "Not only did Google target the same consumers as iPhone, it also aimed to win the hearts and minds of mobile application developers.", "On the basis of market share and the number of available apps, Android is a success." ]
[ 0, 0, 2, 4 ]
[ 1, 0.7838000059127808, 0.7838000059127808, 0.5946000218391418 ]
train_1019
[ "With the advances in new-generation information technologies, especially big data and digital twin, smart manufacturing is becoming the focus of global manufacturing transformation and upgrading.", "Intelligence comes from data.", "Integrated analysis for the manufacturing big data is beneficial to all aspects of manufacturing.", "Besides, the digital twin paves a way for the cyber-physical integration of manufacturing, which is an important bottleneck to achieve smart manufacturing.", "In this paper, the big data and digital twin in manufacturing are reviewed, including their concept as well as their applications in product design, production planning, manufacturing, and predictive maintenance.", "On this basis, the similarities and differences between big data and digital twin are compared from the general and data perspectives.", "Since the big data and digital twin can be complementary, how they can be integrated to promote smart manufacturing are discussed." ]
[ 0, 0, 0, 2, 1, 1, 4 ]
[ 0.7949000000953674, 0.7949000000953674, 0.5896999835968018, 0.41029998660087585, 0.41029998660087585, 0.7949000000953674, 0.41029998660087585 ]
train_1020
[ "Single-Gaussian and Gaussian-Mixture Models are utilized in various pattern recognition tasks.", "The model parameters are estimated usually via Maximum Likelihood Estimation (MLE) with respect to available training data.", "However, if only small amount of training data is available, the resulting model will not generalize well.", "Loosely speaking, classification performance given an unseen test set may be poor.", "In this paper, we propose a novel estimation technique of the model variances.", "Once the variances were estimated using MLE, they are multiplied by a scaling factor, which reflects the amount of uncertainty present in the limited sample set.", "The optimal value of the scaling factor is based on the Kullback-Leibler criterion and on the assumption that the training and test sets are sampled from the same source distribution.", "In addition, in the case of GMM, the proper number of components can be determined." ]
[ 0, 0, 0, 0, 2, 1, 1, 4 ]
[ 0.8378000259399414, 1, 0.8378000259399414, 0.6485999822616577, 0.5946000218391418, 0.8378000259399414, 0.6215999722480774, 0.40540000796318054 ]
train_1021
[ "Vacuum-based end effectors are widely used in industry and are often preferred over parallel-jaw and multifinger grippers due to their ability to lift objects with a single point of contact.", "Suction grasp planners often target planar surfaces on point clouds near the estimated centroid of an object.", "In this paper, we propose a compliant suction contact model that computes the quality of the seal between the suction cup and local target surface and a measure of the ability of the suction grasp to resist an external gravity wrench.", "To characterize grasps, we estimate robustness to perturbations in end-effector and object pose, material properties, and external wrenches.", "We analyze grasps across 1,500 3D object models to generate Dex-Net 3.0, a dataset of 2.8 million point clouds, suction grasps, and grasp robustness labels.", "We use Dex-Net 3.0 to train a Grasp Quality Convolutional Neural Network (GQ-CNN) to classify robust suction targets in point clouds containing a single object.", "We evaluate the resulting system in 350 physical trials on an ABB YuMi fitted with a pneumatic suction gripper.", "When evaluated on novel objects that we categorize as Basic (prismatic or cylindrical), Typical (more complex geometry), and Adversarial (with few available suction-grasp points) Dex-Net 3.0 achieves success rates of 98%, 82%, and 58% respectively, improving to 81% in the latter case when the training set includes only adversarial objects.", "Code, datasets, and supplemental material can be found at http://berkeleyautomation.github.io/dex-net." ]
[ 0, 2, 1, 1, 1, 4, 4, 4, 3 ]
[ 1, 0.41029998660087585, 0.5896999835968018, 1, 0.5, 0.8205000162124634, 1, 1, 0.6154000163078308 ]
train_1022
[ "Speech comprehension includes both bottom-up and top-down processes, and imaging studies have isolated a frontal-temporal network of brain areas active during speech perception.", "However, the precise role of the various areas in this network during normal speech comprehension is not yet fully understood.", "In the present fMRI study, the signal-to-noise ratio (SNR) of spoken sentences was varied in 144 steps, and speech intelligibility was measured independently in order to study in detail its effect on the activation of brain areas involved in speech perception.", "Relative to noise alone, intelligible speech in noise evoked spatially extended activation in left frontal, bilateral temporal, and medial occipital brain regions.", "Increasing SNR led to a sigmoid-shaped increase of activation in all areas of the frontal-temporal network.", "The onset of the activation with respect to SNR was similar in temporal and frontal regions, but frontal activation was found to be smaller than temporal activation at the highest SNRs.", "Finally, only Broca's area (BA44) showed activation to unintelligible speech presented at low SNRs.", "These findings demonstrate distinct roles of frontal and temporal areas in speech comprehension in that temporal regions subserve bottom-up processing of speech, whereas frontal areas are more involved in top-down supplementary mechanisms." ]
[ 0, 0, 2, 1, 1, 1, 4, 4 ]
[ 1, 1, 0.6061000227928162, 0.5758000016212463, 0.7576000094413757, 0.5454999804496765, 0.7576000094413757, 0.7878999710083008 ]
train_1023
[ "Rank structures provide an opportunity to develop new efficient numerical methods for practical problems, when the off-diagonal blocks of certain dense intermediate matrices have small (numerical) ranks.", "In this work, we present a framework of structured direct factorizations for general sparse matrices, including discretized PDEs on general meshes, based on the multifrontal method and hierarchically semiseparable (HSS) matrices.", "We prove the idea of replacing certain complex structured operations by fast simple ones performed on compact reduced matrix forms.", "Such forms result from the hierarchical factorization of a tree-structured HSS matrix in a ULV-type scheme, so that the tree structure is reduced into a single node, the root of the original tree.", "This idea is shown to be very useful in the partial ULV factorization of an HSS matrix (for quickly computing Schur complements) as well as the solution stage.", "These techniques are then built into the multifrontal method for sparse factorizations after nested dissection, so as to convert the intermediate dense factorizations into fast structured ones.", "This method keeps certain Schur complements dense so as to avoid complicated data assembly, and is much simpler and more general than some existing methods.", "In particular, if the matrix arises from the discretization of certain PDEs, the factorization costs roughly O(n) flops in two dimensions, and roughly O(n4/3) flops or less in three dimensions.", "The solution cost and memory are nearly O(n) in both cases.", "These counts are obtained with an idea of rank relaxation, so that this method is more generally applicable to problems where the intermediate off-diagonal ranks are not small." ]
[ 0, 2, 1, 2, 1, 1, 1, 1, 4, 1 ]
[ 0.8108000159263611, 0.40540000796318054, 0.5676000118255615, 0.4323999881744385, 0.3783999979496002, 0.7838000059127808, 0.7838000059127808, 0.5946000218391418, 0.5946000218391418, 0.5946000218391418 ]
train_1024
[ "Object detector with region proposal networks such as Fast/Faster R-CNN [1, 2] have shown the state-of-the art performance on several benchmarks.", "However, they have limited success for detecting small objects.", "We argue the limitation is related to insufficient performance of Fast R-CNN block in Faster R-CNN.", "In this paper, we propose a refining block for Fast R-CNN.", "We further merge the block and Faster R-CNN into a single network (RF-RCNN).", "The RF-RCNN was applied on plate and human detection in RoadView image that consists of high resolution street images (over 30M pixels).", "As a result, the RF-RCNN showed great improvement over the Faster-RCNN." ]
[ 0, 0, 0, 1, 1, 1, 4 ]
[ 0.5758000016212463, 0.7576000094413757, 0.5758000016212463, 0.5758000016212463, 1, 0.8181999921798706, 0.5152000188827515 ]
train_1025
[ "Predicting the results of football matches poses an interesting challenge due to the fact that the sport is so popular and widespread.", "However, predicting the outcomes is also a difficult problem because of the number of factors which must be taken into account that cannot be quantitatively valued or modeled.", "As part of this work, a software solution has been developed in order to try and solve this problem.", "During the development of the system, a number of tests have been carried out in order to determine the optimal combination of features and classifiers.", "The results of the presented system show a satisfactory capability of prediction which is superior to the one of the reference method (most likely a priori outcome)." ]
[ 0, 0, 1, 1, 4 ]
[ 1, 1, 0.4000000059604645, 0.628600001335144, 0.571399986743927 ]
train_1026
[ "Null hypothesis statistical significance tests (NHST) are widely used in quantitative research in the empirical sciences including scientometrics.", "Nevertheless, since their introduction nearly a century ago significance tests have been controversial.", "Many researchers are not aware of the numerous criticisms raised against NHST.", "As practiced, NHST has been characterized as a ‘null ritual’ that is overused and too often misapplied and misinterpreted.", "NHST is in fact a patchwork of two fundamentally different classical statistical testing models, often blended with some wishful quasi-Bayesian interpretations.", "This is undoubtedly a major reason why NHST is very often misunderstood.", "But NHST also has intrinsic logical problems and the epistemic range of the information provided by such tests is much more limited than most researchers recognize.", "In this article we introduce to the scientometric community the theoretical origins of NHST, which is mostly absent from standard statistical textbooks, and we discuss some of the most prevalent problems relating to the practice of NHST and trace these problems back to the mix-up of the two different theoretical origins.", "Finally, we illustrate some of the misunderstandings with examples from the scientometric literature and bring forward some modest recommendations for a more sound practice in quantitative data analysis." ]
[ 0, 0, 0, 0, 1, 0, 1, 1, 4 ]
[ 0.7894999980926514, 0.7894999980926514, 1, 0.421099990606308, 0.5788999795913696, 0.421099990606308, 0.7894999980926514, 0.3684000074863434, 0.5788999795913696 ]
train_1027
[ "Hyperspectral imaging is a widely used technique in remote sensing in which an imaging spectrometer collects hundreds of images (at different wavelength channels) for the same area on the surface of the earth.", "In the last two decades, several methods (unsupervised, supervised, and semisupervised) have been proposed to deal with the hyperspectral image classification problem.", "Supervised techniques have been generally more popular, despite the fact that it is difficult to collect labeled samples in real scenarios.", "In particular, deep neural networks, such as convolutional neural networks (CNNs), have recently shown a great potential to yield high performance in the hyperspectral image classification.", "However, these techniques require sufficient labeled samples in order to perform properly and generalize well.", "Obtaining labeled data is expensive and time consuming, and the high dimensionality of hyperspectral data makes it difficult to design classifiers based on limited samples (for instance, CNNs overfit quickly with small training sets).", "Active learning (AL) can deal with this problem by training the model with a small set of labeled samples that is reinforced by the acquisition of new unlabeled samples.", "In this paper, we develop a new AL-guided classification model that exploits both the spectral information and the spatial-contextual information in the hyperspectral data.", "The proposed model makes use of recently developed Bayesian CNNs.", "Our newly developed technique provides robust classification results when compared with other state-of-the-art techniques for hyperspectral image classification." ]
[ 0, 0, 0, 0, 0, 0, 0, 1, 0, 4 ]
[ 0.6176000237464905, 0.6176000237464905, 0.6176000237464905, 1, 0.8234999775886536, 0.8234999775886536, 0.44119998812675476, 0.44119998812675476, 0.5881999731063843, 0.5881999731063843 ]
train_1028
[ "In just three years, Variational Autoencoders (VAEs) have emerged as one of the most popular approaches to unsupervised learning of complicated distributions.", "VAEs are appealing because they are built on top of standard function approximators (neural networks), and can be trained with stochastic gradient descent.", "VAEs have already shown promise in generating many kinds of complicated data, including handwritten digits [1, 2], faces [1, 3, 4], house numbers [5, 6], CIFAR images [6], physical models of scenes [4], segmentation [7], and predicting the future from static images [8].", "This tutorial introduces the intuitions behind VAEs, explains the mathematics behind them, and describes some empirical behavior.", "No prior knowledge of variational Bayesian methods is assumed." ]
[ 0, 2, 1, 1, 4 ]
[ 0.8205000162124634, 0.41029998660087585, 0.6154000163078308, 0.7949000000953674, 0.41029998660087585 ]
train_1029
[ "In this paper we investigate the performance of different types of rectified activation functions in convolutional neural network: standard rectified linear unit (ReLU), leaky rectified linear unit (Leaky ReLU), parametric rectified linear unit (PReLU) and a new randomized leaky rectified linear units (RReLU).", "We evaluate these activation function on standard image classification task.", "Our experiments suggest that incorporating a nonzero slope for negative part in rectified activation units could consistently improve the results.", "Thus our findings are negative on the common belief that sparsity is the key of good performance in ReLU.", "Moreover, on small scale dataset, using deterministic negative slope or learning it are both prone to overfitting.", "They are not as effective as using their randomized counterpart.", "By using RReLU, we achieved 75.68% accuracy on CIFAR-100 test set without multiple test or ensemble." ]
[ 2, 0, 4, 4, 4, 4, 1 ]
[ 0.5881999731063843, 0.41179999709129333, 0.7940999865531921, 0.5881999731063843, 0.44119998812675476, 0.44119998812675476, 0.41179999709129333 ]
train_1030
[ "Haptic interaction is an increasingly common form of interaction in virtual environment (VE) simulations.", "This medium introduces some new challenges.", "In this paper we study the problem arising from the difference between the sampling rate requirements of haptic interfaces and the significantly lower update rates of the physical models being manipulated.", "We propose a multirate simulation approach which uses a local linear approximation.", "The treatment includes a detailed analysis and experimental verification of the approach.", "The proposed method is also shown to improve the stability of the haptic interaction." ]
[ 0, 0, 2, 1, 1, 1 ]
[ 1, 0.6485999822616577, 0.4323999881744385, 0.4323999881744385, 0.4323999881744385, 0.6215999722480774 ]
train_1031
[ "Our objective with this study is to compare three distinct periods of CPR development.", "We contrast the original concerns regarding computer/information systems personnel from the early days of computing with emergent concerns reflecting the accumulation of evolution of both computing technology and IS management in the subsequent years.", "In order to accomplish our goal, we review the proceedings of the Computer Personnel Research (CPR) group analyzing the very first proceedings (1962), the next five proceedings (1964 to 1969), and the most recent five proceedings (2006 to 2011).", "Our intention is to present and analyze a broad picture of trends illustrating them with vignettes from practice and observations derived from particular studies.", "Finally, we identify and comment on the array of themes and topics that the CPR conferences have addressed in the most recent five years." ]
[ 2, 1, 1, 2, 4 ]
[ 0.7940999865531921, 0.5881999731063843, 0.5881999731063843, 0.6176000237464905, 0.5881999731063843 ]
train_1032
[ "In this paper we consider a class of optimal control problems that have continuous-time nonlinear dynamics and nonconvex control constraints.", "We propose a convex relaxation of the nonconvex control constraints, and prove that the optimal solution to the relaxed problem is the globally optimal solution to the original problem with nonconvex control constraints.", "This lossless convexification enables a computationally simpler problem to be solved instead of the original problem.", "We demonstrate the approach in simulation with a planetary soft landing problem involving a nonlinear gravity field." ]
[ 0, 2, 1, 4 ]
[ 0.41429999470710754, 0.5537999868392944, 0.8327000141143799, 0.44620001316070557 ]
train_1033
[ "The widespread use of Internet of Things (IoT), especially smart wearables, will play an important role in improving the quality of medical care, bringing convenience for patients and improving the management level of hospitals.", "However, due to the limitation of communication protocols, there exists non unified architecture that can connect all intelligent things in smart hospitals, which is made possible by the emergence of the Narrowband IoT (NB-IoT).", "In light of this, we propose an architecture to connect intelligent things in smart hospitals based on NB-IoT, and introduce edge computing to deal with the requirement of latency in medical process.", "As a case study, we develop an infusion monitoring system to monitor the real-time drop rate and the volume of remaining drug during the intravenous infusion.", "Finally, we discuss the challenges and future directions for building a smart hospital by connecting intelligent things." ]
[ 0, 0, 2, 1, 4 ]
[ 1, 1, 0.5881999731063843, 0.7940999865531921, 0.6176000237464905 ]
train_1034
[ "Microprocessors and their applications course is considered as a significant core course for electrical engineering students due to its potential impact into several real life applications such as complex calculations, interfacing, control and automation technology.", "In this paper, we propose an eight bit scientific calculator based Intel 8086 assembly language programming.", "The calculator were designed over the virtual machine for Intel 8086 microprocessor using EMU8086 emulator software.", "Several arithmetic and logic operations as well as trigonometric functions were implemented in this paper.", "Also, a plot function and integration of function tools are to be implemented and added as a separate modules for this design.", "This work was very beneficial in enhancing the student' skills in mathematics, engineering and computer programming which can be employed in designing a useful applications for users as well as the ability to apply numerical techniques and programming algorithms to design a small microprocessor-based system.", "© 2011 Published by Elsevier Ltd. Selection and/or peer-review under responsibility of [name organizer]" ]
[ 0, 1, 1, 1, 1, 4, 4 ]
[ 0.5537999868392944, 0.3903999924659729, 0.637499988079071, 0.8327000141143799, 0.6096000075340271, 0.5537999868392944, 0.5817000269889832 ]
train_1035
[ "In this paper, we describe Whirlpool, which is a block-cipher-based secure hash function.", "Whirlpool produces a hash code of 512 bits for an input message of maximum length less than 2 bits.", "The underlying block cipher, based on the Advanced Encryption Standard (AES), takes a 512-bit key and operates on 512-bit blocks of plaintext.", "Whirlpool has been endorsed by NESSIE (New European Schemes for Signatures, Integrity, and Encryption), which is a European Union-sponsored effort to put forward a portfolio of strong cryptographic primitives of various types." ]
[ 0, 2, 2, 2 ]
[ 0.5946000218391418, 0.6485999822616577, 0.4323999881744385, 0.4323999881744385 ]
train_1036
[ "As a side effect of increasingly popular social media, cyberbullying has emerged as a serious problem afflicting children, adolescents and young adults.", "Machine learning techniques make automatic detection of bullying messages in social media possible, and this could help to construct a healthy and safe social media environment.", "In this meaningful research area, one critical issue is robust and discriminative numerical representation learning of text messages.", "In this paper, we propose a new representation learning method to tackle this problem.", "Our method named semantic-enhanced marginalized denoising auto-encoder (smSDA) is developed via semantic extension of the popular deep learning model stacked denoising autoencoder (SDA).", "The semantic extension consists of semantic dropout noise and sparsity constraints, where the semantic dropout noise is designed based on domain knowledge and the word embedding technique.", "Our proposed method is able to exploit the hidden feature structure of bullying information and learn a robust and discriminative representation of text.", "Comprehensive experiments on two public cyberbullying corpora ( Twitter and MySpace) are conducted, and the results show that our proposed approaches outperform other baseline text representation learning methods." ]
[ 0, 0, 0, 1, 1, 1, 1, 4 ]
[ 0.5946000218391418, 0.5946000218391418, 0.8108000159263611, 0.6215999722480774, 0.5946000218391418, 0.40540000796318054, 0.5676000118255615, 0.6215999722480774 ]
train_1037
[ "The boxplot is a very popular graphical tool for visualizing the distribution of continuous unimodal data.", "It shows information about the location, spread, skewness as well as the tails of the data.", "However, when the data are skewed, usually many points exceed the whiskers and are often erroneously declared as outliers.", "An adjustment of the boxplot is presented that includes a robust measure of skewness in the determination of the whiskers.", "This results in a more accurate representation of the data and of possible outliers.", "Consequently, this adjusted boxplot can also be used as a fast and automatic outlier detection tool without making any parametric assumption about the distribution of the bulk of the data.", "Several examples and simulation results show the advantages of this new procedure.", "c © 2007 Elsevier B.V.", "All rights reserved." ]
[ 0, 0, 0, 2, 4, 4, 4, 3, 3 ]
[ 1, 1, 0.8108000159263611, 0.4323999881744385, 1, 0.8108000159263611, 0.6215999722480774, 1, 1 ]
train_1038
[ "We propose a simple method for improving the security of hashed passwords: the maintenance of additional ``honeywords'' (false passwords) associated with each user's account.", "An adversary who steals a file of hashed passwords and inverts the hash function cannot tell if he has found the password or a honeyword.", "The attempted use of a honeyword for login sets off an alarm.", "An auxiliary server (the ``honeychecker'') can distinguish the user password from honeywords for the login routine, and will set off an alarm if a honeyword is submitted." ]
[ 0, 0, 1, 1 ]
[ 0.6000000238418579, 0.6000000238418579, 0.6000000238418579, 1 ]
train_1039
[ "Under direction of medical professionals associated with the National Child Traumatic Stress Network, a mobile game was developed for children ages 10-12 to teach the Cognitive Triangle concept of feelings, thoughts, and behaviors.", "This triangle is an essential component of Trauma-Focused Cognitive Behavioral Therapy (TF-CBT).", "A storybook experience with minigames was quickly prototyped, but first playtests showed a lack of engagement with children.", "The game was revised to emphasize side-scroller platform advancement where success in a level was tied intrinsically to cognitive triangle classification.", "Children rated the game highly across a series of playtests.", "The game has potential to be used by clinicians delivering TF-CBT as an appealing exercise for children." ]
[ 2, 0, 4, 4, 4, 1 ]
[ 0.428600013256073, 0.571399986743927, 0.428600013256073, 0.428600013256073, 0.6000000238418579, 0.428600013256073 ]
train_1040
[ "SWOT analysis is an established method for assisting the formulation of strategy.", "An application to strategy formulation and its incorporation into the strategic development process at the University of Warwick is described.", "The application links SWOT analysis to resource-based planning, illustrates it as an iterative rather than a linear process and embeds it within the overall planning process.", "Lessons are drawn both for the University and for the strategy formulation process itself.", "2003 Elsevier B.V. All rights reserved." ]
[ 0, 1, 1, 1, 3 ]
[ 0.6075000166893005, 0.42260000109672546, 0.6075000166893005, 0.8151000142097473, 0.8188999891281128 ]
train_1041
[ "We introduce UCF101 which is currently the largest dataset of human actions.", "It consists of 101 action classes, over 13k clips and 27 hours of video data.", "The database consists of realistic user-uploaded videos containing camera motion and cluttered background.", "Additionally, we provide baseline action recognition results on this new dataset using standard bag of words approach with overall performance of 43.9%.", "To the best of our knowledge, UCF101 is currently the most challenging dataset of actions due to its large number of classes, large number of clips and also unconstrained nature of such clips." ]
[ 0, 0, 4, 4, 4 ]
[ 0.628600001335144, 0.428600013256073, 0.4000000059604645, 0.6000000238418579, 0.800000011920929 ]
train_1042
[ "This paper presents a highly efficient, very accurate regression approach for face alignment.", "Our approach has two novel components: a set of local binary features, and a locality principle for learning those features.", "The locality principle guides us to learn a set of highly discriminative local binary features for each facial landmark independently.", "The obtained local binary features are used to jointly learn a linear regression for the final output.", "Our approach achieves the state-of-the-art results when tested on the current most challenging benchmarks.", "Furthermore, because extracting and regressing local binary features is computationally very cheap, our system is much faster than previous methods.", "It achieves over 3, 000 fps on a desktop or 300 fps on a mobile phone for locating a few dozens of landmarks." ]
[ 0, 2, 2, 2, 2, 1, 4 ]
[ 0.8055999875068665, 0.6111000180244446, 0.41670000553131104, 0.6111000180244446, 0.41670000553131104, 0.3889000117778778, 0.583299994468689 ]
train_1043
[ "Modern economic theory ignores the influence of emotions on decision-making.", "Emerging science evidence suggests that sound and rational decision making, in fact, depends on prior emotional processing.", "The somatic marker hypothesis provides a systems-level neuroanatom cognitive framework for decision-making and its influence by emotion.", "The key idea of this hyp sis is that decision-making is a process that is influenced by marker signals that arise in bioreg processes, including those that express themselves in emotions and feelings.", "This influence cur at multiple levels of operation, some of which occur consciously, and some of which non-consciously.", "Here we review studies that confirm various predictions from the hypothes propose a neural model for economic decision, in which emotions are a major factor in the in tion between environmental conditions and human decision processes, with these emotional providing valuable implicit or explicit knowledge for making fast and advantageous decisions.", " 2004 Elsevier Inc. All rights reserved." ]
[ 0, 0, 0, 0, 0, 1, 3 ]
[ 0.8438000082969666, 0.5938000082969666, 0.5938000082969666, 0.40630000829696655, 0.40630000829696655, 0.4375, 1 ]
train_1044
[ "Recent progress in artificial intelligence has renewed interest in building systems that learn and think like people.", "Many advances have come from using deep neural networks trained end-to-end in tasks such as object recognition, video games, and board games, achieving performance that equals or even beats that of humans in some respects.", "Despite their biological inspiration and performance achievements, these systems differ from human intelligence in crucial ways.", "We review progress in cognitive science suggesting that truly human-like learning and thinking machines will have to reach beyond current engineering trends in both what they learn and how they learn it.", "Specifically, we argue that these machines should (1) build causal models of the world that support explanation and understanding, rather than merely solving pattern recognition problems; (2) ground learning in intuitive theories of physics and psychology to support and enrich the knowledge that is learned; and (3) harness compositionality and learning-to-learn to rapidly acquire and generalize knowledge to new tasks and situations.", "We suggest concrete challenges and promising routes toward these goals that can combine the strengths of recent neural network advances with more structured cognitive models." ]
[ 0, 0, 0, 0, 1, 1 ]
[ 1, 0.8108000159263611, 0.8108000159263611, 0.4323999881744385, 0.5946000218391418, 0.40540000796318054 ]
train_1045
[ "☆ Editor's Choice Articles are invited and handled by Editorial Board committee.", "This paper has been reco Philippos Mordohai.", "☆☆ This work was carried out while both authors Group, Toshiba Cambridge Research Laboratory, Cambri The research was fully funded by Toshiba Research Eur ⁎ Corresponding author.", "Tel.", ": +44 7900023260.", "E-mail addresses: g.vogiatzis@aston.ac.uk (G. Vogiat carloshernandez@google.com (C. Hernández)." ]
[ 3, 3, 1, 3, 3, 3 ]
[ 0.39469999074935913, 0.39469999074935913, 0.421099990606308, 0.6053000092506409, 0.6053000092506409, 0.6053000092506409 ]
train_1046
[ "Social media based brand communities are communities initiated on the platform of social media.", "In this article, we explore whether brand communities based on social media (a special type of online brand communities) have positive effects on the main community elements and value creation practices in the communities as well as on brand trust and brand loyalty.", "A survey based empirical study with 441 respondents was conducted.", "The results of structural equation modeling show that brand communities established on social media have positive effects on community markers (i.e., shared consciousness, shared rituals and traditions, and obligations to society), which have positive effects on value creation practices (i.e., social networking, community engagement, impressions management, and brand use).", "Such communities could enhance brand loyalty through brand use and impression management practices.", "We show that brand trust has a full mediating role in converting value creation practices into brand loyalty.", "Implications for practice and future research opportunities are discussed." ]
[ 0, 2, 1, 4, 4, 4, 4 ]
[ 1, 0.8543999791145325, 1, 0.5339999794960022, 0.6962000131607056, 0.5339999794960022, 0.6116999983787537 ]
train_1047
[ "The contemporary idea for interaction has embraced new understandings of the content of experience and the structure of space.", "New electronic technologies and advanced digital media have separated realities from the realm of the body and transformed experiences into ubiquitous events.", "The architectural discourse, once largely a discourse of form and style, has overcome these limitations and encountered, in territories of information, the product of a new way of thinking.", "Marcos Novak emerges in this context of multimedia as an innovative creator whose \"liquid architectures\" represent a break with the traditional discourse of physicality.", "His creations are meant for a virtual domain, and information is what structures this new territory for architectural practice.", "With respect to Novak's structures, the approaches to virtual spaces posited by scholars of new media culture over the past few decades, either through phenomenological aspects of the bodily existence and modes of experience or through the poststructural metaphoric manifestation of codes and symbols, do not suffice.", "While Novak's work does embrace both philosophies, it also transcends them by crossbreeding the reality of the individual with the virtuality of the structure.", "Indeed, his architectures require a new concept of space to come forward, where the manifestation of the mind in the realm of the body calls for what is to be perceived as real.", "Architecture is now characterized by the fusion of information, art, and technology" ]
[ 0, 0, 0, 0, 1, 1, 0, 0, 0 ]
[ 0.8378000259399414, 0.8108000159263611, 0.4323999881744385, 0.5946000218391418, 0.3783999979496002, 0.3783999979496002, 0.5676000118255615, 0.3783999979496002, 0.5946000218391418 ]
train_1048
[ "We propose Prototypical Networks for the problem of few-shot classification, where a classifier must generalize to new classes not seen in the training set, given only a small number of examples of each new class.", "Prototypical Networks learn a metric space in which classification can be performed by computing distances to prototype representations of each class.", "Compared to recent approaches for few-shot learning, they reflect a simpler inductive bias that is beneficial in this limited-data regime, and achieve excellent results.", "We provide an analysis showing that some simple design decisions can yield substantial improvements over recent approaches involving complicated architectural choices and meta-learning.", "We further extend Prototypical Networks to zero-shot learning and achieve state-ofthe-art results on the CU-Birds dataset." ]
[ 2, 0, 0, 1, 4 ]
[ 0.6111000180244446, 0.5171999931335449, 0.5171999931335449, 1, 0.7585999965667725 ]
train_1049
[ "Owning a SOC is an important status symbol for many organizations.", "Although the concept of a 'SOC' can be considered a hype, only a few of them are actually effective in counteracting cybercrime and IT abuse.", "A literature review reveals that there is no standard framework available and no clear scope or vision on SOCs.", "In most of the papers, specific implementations are described, although often with a commercial purpose.", "Our research was focused on identifying and defining the generic building blocks for a SOC, to draft a design framework.", "In addition, a measurement method has been developed to assess the effectiveness of the protection provided by a SOC." ]
[ 0, 0, 0, 0, 2, 1 ]
[ 1, 1, 0.6053000092506409, 0.421099990606308, 0.421099990606308, 0.631600022315979 ]
train_1050
[ "The performance of existing image dehazing methods is limited by hand-designed features, such as the dark channel, color disparity and maximum contrast, with complex fusion schemes.", "In this paper, we propose a multi-scale deep neural network for single-image dehazing by learning the mapping between hazy images and their corresponding transmission maps.", "The proposed algorithm consists of a coarse-scale net which predicts a holistic transmission map based on the entire image, and a fine-scale net which refines results locally.", "To train the multiscale deep network, we synthesize a dataset comprised of hazy images and corresponding transmission maps based on the NYU Depth dataset.", "Extensive experiments demonstrate that the proposed algorithm performs favorably against the state-of-the-art methods on both synthetic and real-world images in terms of quality and speed." ]
[ 0, 0, 1, 4, 4 ]
[ 0.8158000111579895, 0.421099990606308, 0.6053000092506409, 0.5788999795913696, 0.8158000111579895 ]
train_1051
[ "This paper considers the question of using a nonlinear complementary filter for attitude estimation of fixed-wing unmanned aerial vehicle (UAV) given only measurements from a low-cost inertial measurement unit.", "A nonlinear complementary filter is proposed that combines accelerometer output for low frequency attitude estimation with integrated gyrometer output for high frequency estimation.", "The raw accelerometer output includes a component corresponding to airframe acceleration, occurring primarily when the aircraft turns, as well as the gravitational acceleration that is required for the filter.", "The airframe acceleration is estimated using a simple centripetal force model (based on additional airspeed measurements), augmented by a first order dynamic model for angle-of-attack, and used to obtain estimates of the gravitational direction independent of the airplane manoeuvres.", "Experimental results are provided on a real-world data set and the performance of the filter is evaluated against the output from a full GPS/INS that was available for the data set." ]
[ 2, 1, 1, 1, 4 ]
[ 0.631600022315979, 0.421099990606308, 0.421099990606308, 1, 0.8158000111579895 ]
train_1052
[ "Recurrent neural networks (RNNs) stand at the forefront of many recent developments in deep learning.", "Yet a major difficulty with these models is their tendency to overfit, with dropout shown to fail when applied to recurrent layers.", "Recent results at the intersection of Bayesian modelling and deep learning offer a Bayesian interpretation of common deep learning techniques such as dropout.", "This grounding of dropout in approximate Bayesian inference suggests an extension of the theoretical results, offering insights into the use of dropout with RNN models.", "We apply this new variational inference based dropout technique in LSTM and GRU models, assessing it on language modelling and sentiment analysis tasks.", "The new approach outperforms existing techniques, and to the best of our knowledge improves on the single model state-of-the-art in language modelling with the Penn Treebank (73.4 test perplexity).", "This extends our arsenal of variational tools in deep learning." ]
[ 0, 0, 0, 1, 1, 4, 4 ]
[ 1, 1, 0.7949000000953674, 0.41029998660087585, 1, 0.41029998660087585, 0.5896999835968018 ]
train_1053
[ "Due to the Web expansion, the prediction of online news popularity is becoming a trendy research topic.", "In this paper, we propose a novel and proactive Intelligent Decision Support System (IDSS) that analyzes articles prior to their publication.", "Using a broad set of extracted features (e.g., keywords, digital media content, earlier popularity of news referenced in the article) the IDSS first predicts if an article will become popular.", "Then, it optimizes a subset of the articles features that can more easily be changed by authors, searching for an enhancement of the predicted popularity probability.", "Using a large and recently collected dataset, with 39,000 articles from the Mashable website, we performed a robust rolling windows evaluation of five state of the art models.", "The best result was provided by a Random Forest with a discrimination power of 73%.", "Moreover, several stochastic hill climbing local searches were explored.", "When optimizing 1000 articles, the best optimization method obtained a mean gain improvement of 15 percentage points in terms of the estimated popularity probability.", "These results attest the proposed IDSS as a valuable tool for online news authors." ]
[ 0, 2, 1, 1, 4, 4, 4, 4, 4 ]
[ 0.7813000082969666, 0.40630000829696655, 0.625, 0.625, 0.375, 0.7813000082969666, 0.625, 0.6563000082969666, 1 ]
train_1054
[ "A wide range of research areas, from telemanipulation in robotics to limb regeneration in tissue engineering, could benefit from an anthropomorphic robotic hand that mimics the salient features of the human hand.", "The challenges of designing such a robotic hand are mainly resulted from our limited understanding of the human hand from engineering point of view and our ability to replicate the important biomechanical features with conventional mechanical design.", "We believe that the biomechanics of human hand is an essential component of the hand dexterity and can be replicated with highly biomimetic design.", "To this end, we reinterpret the important biomechanical advantages of the human hand from roboticist's perspective and design a biomimetic robotic hand that closely mimics its human counterpart with artificial joint capsules, crocheted ligaments and tendons, laser-cut extensor hood, and elastic pulley mechanisms.", "We experimentally identify the workspaces of the fingertips and successfully demonstrate that our proofof- concept design can be teleoperated to grasp and manipulate daily objects with a variety of natural hand postures based on hand taxonomy." ]
[ 0, 0, 0, 2, 0 ]
[ 1, 1, 1, 0.4000000059604645, 0.428600013256073 ]
train_1055
[ "In this paper, we prove the complexity bounds for methods of Convex Optimization based only on computation of the function value.", "The search directions of our schemes are normally distributed random Gaussian vectors.", "It appears that such methods usually need at most n times more iterations than the standard gradient methods, where n is the dimension of the space of variables.", "This conclusion is true both for nonsmooth and smooth problems.", "For the later class, we present also an accelerated scheme with the expected rate of convergence O(n/k), where k is the iteration counter.", "For Stochastic Optimization, we propose a zero-order scheme and justify its expected rate of convergence O(n/k).", "We give also some bounds for the rate of convergence of the random gradient-free methods to stationary points of nonconvex functions, both for smooth and nonsmooth cases.", "Our theoretical results are supported by preliminary computational experiments." ]
[ 1, 1, 1, 1, 1, 1, 4, 4 ]
[ 0.42260000109672546, 0.6075000166893005, 0.5774000287055969, 0.3962000012397766, 0.3962000012397766, 0.3962000012397766, 0.7886999845504761, 1 ]
train_1056
[ "Optimisation problems in Healthcare have received considerable attention for more than three decades.", "More recently, however, with decreasing birth rates in nearly all of the developed countries and increasing average longevity globally, optimisation issues in Healthcare have become noticeably important and attract keen interest from the Operations Research community.", "Over the years, attention has gradually expanded from resource allocation and strategic planning to include operational issues such as resource scheduling and treatment planning.", "This paper surveys several applications of Operations Research in the domain of Healthcare.", "In particular, the paper reviews key contributions addressing contemporary optimisation issues in this area.", "It highlights current research activities, focusing on a variety of optimisation problems as well as solution techniques used for solving the optimisation problems." ]
[ 0, 0, 0, 4, 0, 0 ]
[ 0.8011000156402588, 0.8011000156402588, 0.5922999978065491, 0.41760000586509705, 0.5922999978065491, 0.5922999978065491 ]
train_1057
[ "Recommender systems have developed in parallel with the web.", "They were initially based on demographic, content-based and collaborative filtering.", "Currently, these systems are incorporating social information.", "In the future, they will use implicit, local and personal information from the Internet of things.", "This article provides an overview of recommender systems as well as collaborative filtering methods and algorithms; it also explains their evolution, provides an original classification for these systems, identifies areas of future implementation and develops certain areas selected for past, present or future" ]
[ 0, 0, 0, 0, 4 ]
[ 1, 0.800000011920929, 0.800000011920929, 0.571399986743927, 0.571399986743927 ]
train_1058
[ "Trilateration is a common operation to find the object location using its distances or range measurements to three other known points or stations.", "Traditionally, this problem has been solved either by algebraic or numerical methods.", "These methods involve long and complex geometric computations which are usually implemented in software.", "An approach that avoids this complexity is proposed here.", "Simulation results show improvements of the proposed approach in terms of computational cost and implementation simplicity over the conventional methods used.", "In addition, the proposed approach is based on vector rotations and uses only simple add and shift operations and therefore can be easily implemented in the hardware (or firmware) of the mobile object.", "2008 Elsevier B.V. All rights reserved." ]
[ 0, 1, 1, 1, 4, 4, 3 ]
[ 0.6000000238418579, 0.4000000059604645, 1, 1, 0.800000011920929, 0.628600001335144, 0.800000011920929 ]
train_1059
[ "IT governance is one of the central areas of IS research.", "This study examines research on Control Objectives for Information and Related Technology (COBIT), a popular governance framework.", "COBIT is a comprehensive IT governance framework that provides guidelines to IT managers in managing and governing enterprise IT.", "This paper compiles and analyses extant research on COBIT.", "Our findings suggest that researchers have examined COBIT through multiple perspectives and that most papers either concentrate on overall framework development/comparison or certain pockets of interest within COBIT such as security, risk management, systems development, effectiveness and internal control.", "Our survey also indicates that many of the published papers are in the accounting domain.", "COBIT’s scope has increased over the years and now it encompasses many of the mainstream IS related areas.", "Hence, suggestions for future research in IS with regard to COBIT is also articulated in this study." ]
[ 0, 0, 1, 4, 4, 1, 1, 4 ]
[ 0.7940999865531921, 0.41179999709129333, 0.44119998812675476, 0.44119998812675476, 0.44119998812675476, 0.6176000237464905, 0.8529000282287598, 0.7646999955177307 ]
train_1060
[ "We propose several means for improving the performance and training of neural networks for classification.", "We use crossvalidation as a tool for optimizing network parameters and architecture.", "We show further that the remaining residual “generalization” error can be reduced by invoking ensembles of similar networks.", "Zndex Terms-Crossvalidation, fault tolerant computing, neural networks, N-version programming." ]
[ 0, 2, 2, 3 ]
[ 0.5555999875068665, 0.3889000117778778, 0.3610999882221222, 0.44440001249313354 ]
train_1061
[ "When is an argument to be called one-sided?", "When is putting forward such an argument fallacious?", "How can we develop a model for critical discussion, such that a fallaciously one-sided argument corresponds to a violation of a discussion rule?", "These issues are dealt with within ‘the limits of the dialogue model of argument’ by specifying a type of persuasion dialogue in which an arguer can offer complex arguments to anticipate particular responses by a critic." ]
[ 0, 3, 2, 2 ]
[ 0.41179999709129333, 0.44119998812675476, 0.5881999731063843, 0.44119998812675476 ]
train_1062
[ "The large number of potential applications from bridging web data with knowledge bases have led to an increase in the entity linking research.", "Entity linking is the task to link entity mentions in text with their corresponding entities in a knowledge base.", "Potential applications include information extraction, information retrieval, and knowledge base population.", "However, this task is challenging due to name variations and entity ambiguity.", "In this survey, we present a thorough overview and analysis of the main approaches to entity linking, and discuss various applications, the evaluation of entity linking systems, and future directions." ]
[ 0, 0, 0, 0, 4 ]
[ 1, 0.7961000204086304, 0.6407999992370605, 0.592199981212616, 0.5339999794960022 ]
train_1063
[ "A t the 1996 and 1997 International Conferences on Software Engineering, three of the six keynote addresses identified negotiation techniques as the most critical success factor in improving the outcome of software projects.", "At the USC Center for Software Engineering, we have been developing a negotiationbased approach to software system requirements engineering, architecture, development, and management.", "Our approach has three primary elements:" ]
[ 0, 1, 2 ]
[ 0.79339998960495, 0.44760000705718994, 0.3716000020503998 ]
train_1064
[ "House sales are determined based on the Standard & Poor’s Case-Shiller home price indices and the housing price index of the Office of Federal Housing Enterprise Oversight (OFHEO).", "These reflect the trends of the US housing market.", "In addition to these housing price indices, the development of a housing price prediction model can greatly assist in the prediction of future housing prices and the establishment of real estate policies.", "This study uses machine learning algorithms as a research methodology to develop a housing price prediction model.", "To improve the accuracy of housing price prediction, this paper analyzes the housing data of 5359 townhouses in Fairfax County, Virginia, gathered by the Multiple Listing Service (MLS) of the Metropolitan Regional Information Systems (MRIS).", "We develop a housing price prediction model based on machine learning algorithms such as C4.5, RIPPER, Naïve Bayesian, and AdaBoost and compare their classification accuracy performance.", "We then propose an improved housing price prediction model to assist a house seller or a real estate agent make better informed decisions based on house price valuation.", "The experiments demonstrate that the RIPPER algorithm, based on accuracy, consistently outperforms the other models in the performance of housing price prediction.", "2014 Elsevier Ltd.", "All rights reserved." ]
[ 0, 0, 1, 1, 1, 1, 1, 1, 3, 3 ]
[ 1, 0.6053000092506409, 0.6053000092506409, 1, 0.7894999980926514, 0.6053000092506409, 0.8158000111579895, 0.421099990606308, 0.8158000111579895, 1 ]
train_1065
[ "Eye tracking technology is becoming easier and cheaper to use, resulting in its increasing application to numerous fields of research.", "The data collected during an eye tracking experiment can be analyzed by statistical methods and/or with visualization techniques.", "Visualizations can reveal characteristics of fixations, saccades, and scanpath structures.", "In this survey, we present an overview of visualization techniques for eye tracking data and describe their functionality.", "We classify the visualization techniques using nine categories.", "The categories are based on properties of eye tracking data, including aspects of the stimuli and the viewer, and on properties of the visualization techniques.", "The classification of about 90 publications including technical as well as application papers with modifications of common visualization techniques are described in more detail.", "We finally present possible directions for further research in the field of eye tracking data visualization." ]
[ 0, 0, 0, 0, 0, 1, 1, 4 ]
[ 0.7949000000953674, 0.7949000000953674, 0.7949000000953674, 0.41029998660087585, 0.41029998660087585, 0.7949000000953674, 0.41029998660087585, 0.7949000000953674 ]
train_1066
[ "This paper presents carry-lookahead adder (CLA) based design of the contemporary inexact-speculative adder (ISA) which is fine grain pipelined to include few logic gates along its critical path and thereby, enhancing the frequency of operation.", "Additionally, various stages of the proposed ISA architecture has been clock gated to reduce the power consumed by this design.", "Functional verification and hardware implementation for various configurations of the suggested ISA is carried out on field-programmable gate-array (FPGA) platform.", "It could operate at a maximum clock frequency of 324 MHz which is 52% better then the conventional ISA.", "Thereafter, the synthesis and post-layout simulation of 32-bit proposed ISA is carried out using 90 nm complementary metal-oxide semiconductors (CMOS) technology node for power and area analysis.", "Our design occupied 5.11 mm2 of chip area and consumed 9.68 mW of total power at 400 MHz clock frequency.", "The proposed ISA burns 52.8% lesser power than the state-of-the-art work." ]
[ 2, 2, 2, 1, 1, 4, 4 ]
[ 0.40540000796318054, 0.5946000218391418, 0.7838000059127808, 0.40540000796318054, 0.40540000796318054, 0.5171999931335449, 0.40540000796318054 ]
train_1067
[ "This paper features a Spatial Augmented Reality system for rehabilitation of hand and arm movement.", "The table-top home-based system tracks a subject's hand and creates a virtual audio-visual interface for performing rehabilitation-related tasks that involve wrist, elbow, and shoulder movements.", "It measures range, speed, and smoothness of movements locally and can send the real-time photos and data to the clinic for further assessment.", "To evaluate the system, it was tested on two normal subjects and proved functional." ]
[ 2, 2, 2, 4 ]
[ 0.5788999795913696, 0.421099990606308, 0.421099990606308, 0.5788999795913696 ]
train_1068
[ "We propose a deep Convolutional Neural Network (CNN) for land cover mapping in remote sensing images, with a focus on urban areas.", "In remote sensing, class imbalance represents often a problem for tasks like land cover mapping, as small objects get less prioritised in an effort to achieve the best overall accuracy.", "We propose a novel approach to achieve high overall accuracy, while still achieving good accuracy for small objects.", "Quantifying the uncertainty on a pixel scale is another challenge in remote sensing, especially when using CNNs.", "In this paper we use recent advances in measuring uncertainty for CNNs and evaluate their quality both qualitatively and quantitatively in a remote sensing context.", "We demonstrate our ideas on different deep architectures including patch-based and so-called pixel-to-pixel approaches, as well as their combination, by classifying each pixel in a set of aerial images covering Vaihingen, Germany.", "The results show that we obtain an overall classification accuracy of 87%.", "The corresponding F1- score for the small object class \"car\" is 80.6%, which is higher than state-of-the art for this dataset." ]
[ 0, 0, 2, 1, 1, 1, 4, 4 ]
[ 0.8108000159263611, 0.8108000159263611, 0.6215999722480774, 0.40540000796318054, 0.4323999881744385, 0.6215999722480774, 0.8108000159263611, 0.8108000159263611 ]
train_1069
[ "In this paper, a model predictive control (MPC) approach for controlling an active front steering system in an autonomous vehicle is presented.", "At each time step, a trajectory is assumed to be known over a finite horizon, and an MPC controller computes the front steering angle in order to follow the trajectory on slippery roads at the highest possible entry speed.", "We present two approaches with different computational complexities.", "In the first approach, we formulate the MPC problem by using a nonlinear vehicle model.", "The second approach is based on successive online linearization of the vehicle model.", "Discussions on computational complexity and performance of the two schemes are presented.", "The effectiveness of the proposed MPC formulation is demonstrated by simulation and experimental tests up to 21 m/s on icy roads" ]
[ 2, 0, 1, 1, 1, 1, 4 ]
[ 0.6388999819755554, 0.5555999875068665, 0.44440001249313354, 0.7778000235557556, 1, 0.7778000235557556, 1 ]
train_1070
[ "Cryptocurrencies, based on and led by Bitcoin, have shown promise as infrastructure for pseudonymous online payments, cheap remittance, trustless digital asset exchange, and smart contracts.", "However, Bitcoin-derived blockchain protocols have inherent scalability limits that trade-off between throughput and latency and withhold the realization of this potential.", "This paper presents Bitcoin-NG, a new blockchain protocol designed to scale.", "Based on Bitcoin’s blockchain protocol, Bitcoin-NG is Byzantine fault tolerant, is robust to extreme churn, and shares the same trust model obviating qualitative changes to the ecosystem.", "In addition to Bitcoin-NG, we introduce several novel metrics of interest in quantifying the security and efficiency of Bitcoin-like blockchain protocols.", "We implement Bitcoin-NG and perform large-scale experiments at 15% the size of the operational Bitcoin system, using unchanged clients of both protocols.", "These experiments demonstrate that Bitcoin-NG scales optimally, with bandwidth limited only by the capacity of the individual nodes and latency limited only by the propagation time of the network." ]
[ 0, 0, 2, 1, 1, 1, 4 ]
[ 1, 1, 0.800000011920929, 0.571399986743927, 0.800000011920929, 0.800000011920929, 0.800000011920929 ]
train_1071
[ "Twitter is among the fastest-growing microblogging and online social networking services.", "Messages posted on Twitter (tweets) have been reporting everything from daily life stories to the latest local and global news and events.", "Monitoring and analyzing this rich and continuous user-generated content can yield unprecedentedly valuable information, enabling users and organizations to acquire actionable knowledge.", "This article provides a survey of techniques for event detection from Twitter streams.", "These techniques aim at finding real-world occurrences that unfold over space and time.", "In contrast to conventional media, event detection from Twitter streams poses new challenges.", "Twitter streams contain large amounts of meaningless messages and polluted content, which negatively affect the detection performance.", "In addition, traditional text mining techniques are not suitable, because of the short length of tweets, the large number of spelling and grammatical errors, and the frequent use of informal and mixed language.", "Event detection techniques presented in literature address these issues by adapting techniques from various fields to the uniqueness of Twitter.", "This article classifies these techniques according to the event type, detection task, and detection method and discusses commonly used features." ]
[ 0, 0, 0, 2, 1, 1, 1, 1, 1, 1 ]
[ 1, 0.6154000163078308, 0.7949000000953674, 0.41029998660087585, 0.6154000163078308, 0.41029998660087585, 0.41029998660087585, 0.41029998660087585, 0.6154000163078308, 0.41029998660087585 ]
train_1072
[ "Data deduplication is one of important data compression techniques for eliminating duplicate copies of repeating data, and has been widely used in cloud storage to reduce the amount of storage space and save bandwidth.", "To protect the confidentiality of sensitive data while supporting deduplication, the convergent encryption technique has been proposed to encrypt the data before outsourcing.", "To better protect data security, this paper makes the first attempt to formally address the problem of authorized data deduplication.", "Different from traditional deduplication systems, the differential privileges of users are further considered in duplicate check besides the data itself.", "We also present several new deduplication constructions supporting authorized duplicate check in a hybrid cloud architecture.", "Security analysis demonstrates that our scheme is secure in terms of the definitions specified in the proposed security model.", "As a proof of concept, we implement a prototype of our proposed authorized duplicate check scheme and conduct testbed experiments using our prototype.", "We show that our proposed authorized duplicate check scheme incurs minimal overhead compared to normal operations." ]
[ 0, 1, 1, 1, 1, 4, 1, 4 ]
[ 0.628600001335144, 0.6000000238418579, 0.428600013256073, 0.5357000231742859, 0.628600001335144, 0.571399986743927, 0.428600013256073, 0.628600001335144 ]
train_1073
[ "The k-Nearest-Neighbours (kNN) is a simple but effective method for classification.", "The major drawbacks with respect to kNN are (1) its low efficiency being a lazy learning method prohibits it in many applications such as dynamic web mining for a large repository, and (2) its dependency on the selection of a “good value” for k. In this paper, we propose a novel kNN type method for classification that is aimed at overcoming these shortcomings.", "Our method constructs a kNN model for the data, which replaces the data to serve as the basis of classification.", "The value of k is automatically determined, is varied for different data, and is optimal in terms of classification accuracy.", "The construction of the model reduces the dependency on k and makes classification faster.", "Experiments were carried out on some public datasets collected from the UCI machine learning repository in order to test our method.", "The experimental results show that the kNN based model compares well with C5.0 and kNN in terms of classification accuracy, but is more efficient than the standard kNN." ]
[ 1, 4, 1, 1, 4, 4, 4 ]
[ 0.7646999955177307, 0.44119998812675476, 0.7940999865531921, 0.5881999731063843, 0.6470999717712402, 0.6470999717712402, 1 ]
train_1074
[ "Adversarial learning methods are a promising approach to training robust deep networks, and can generate complex samples across diverse domains.", "They can also improve recognition despite the presence of domain shift or dataset bias: recent adversarial approaches to unsupervised domain adaptation reduce the difference between the training and test domain distributions and thus improve generalization performance.", "However, while generative adversarial networks (GANs) show compelling visualizations, they are not optimal on discriminative tasks and can be limited to smaller shifts.", "On the other hand, discriminative approaches can handle larger domain shifts, but impose tied weights on the model and do not exploit a GAN-based loss.", "In this work, we first outline a novel generalized framework for adversarial adaptation, which subsumes recent state-of-the-art approaches as special cases, and use this generalized view to better relate prior approaches.", "We then propose a previously unexplored instance of our general framework which combines discriminative modeling, untied weight sharing, and a GAN loss, which we call Adversarial Discriminative Domain Adaptation (ADDA).", "We show that ADDA is more effective yet considerably simpler than competing domain-adversarial methods, and demonstrate the promise of our approach by exceeding state-of-the-art unsupervised adaptation results on standard domain adaptation tasks as well as a difficult cross-modality object classification task." ]
[ 2, 1, 1, 0, 1, 1, 1 ]
[ 0.41029998660087585, 0.41029998660087585, 0.6154000163078308, 0.3846000134944916, 0.41029998660087585, 0.5896999835968018, 0.5896999835968018 ]
train_1075
[ "Article history: Received 23 September 2009 Accepted 3 September 2010 The purpose of this commentary is to initiate discussion on the status of research on the interface between management control, especially management accounting, and information technology, and on howwe could proceed to understand this relationship and changes in it.", "The commentary also points to the need for expanding the sphere of theories and methodologies applied in the accounting information systems field, if we want to explain and understand the complex and mutually constitutive nature of the relationship, especially how new technologies are actually designed and adapted to work in practice.", "The mainstream tradition tends to largely ignore the design and implementation processes and especially the struggles therein.", "© 2010 Elsevier Inc.", "All rights reserved." ]
[ 2, 2, 0, 3, 3 ]
[ 0.5788999795913696, 0.421099990606308, 0.39469999074935913, 0.7894999980926514, 0.7894999980926514 ]
train_1076
[ "Object-oriented concepts are crucial in software design because they address fundamental issues of adaptation and evolution.", "With the proliferation of object-oriented notations and methods, the Unified Modeling Language (UML) has emerged to provide a standardized notation for describing object-oriented models.", "However, for the UML notation to be effectively applied, it needs to be used with an object-oriented analysis and design method.", "This tutorial describes the COMET method for designing real-time and distributed applications, which integrates object-oriented and concurrency concepts and uses the UML notation." ]
[ 0, 0, 0, 1 ]
[ 0.800000011920929, 0.628600001335144, 0.4000000059604645, 0.628600001335144 ]
train_1077
[ "The goal of this study was to examine the mediating role of negative emotions in the link between academic stress and Internet addiction among Korean adolescents.", "We attempted to extend the general strain theory to Internet addiction by exploring psychological pathways from academic stress to Internet addiction using a national and longitudinal panel study.", "A total of 512 adolescents completed self-reported scales for academic stress, negative emotions, and Internet addiction.", "We found that academic stress was positively associated with negative emotions and Internet addiction, and negative emotions were positively associated with Internet addiction.", "Further, the results of structural equation modeling revealed that adolescents’ academic stress had indirectly influenced Internet addiction through negative emotions.", "The results of this study suggest that adolescents who experience academic stress might be at risk for Internet addiction, particularly when accompanied with negative emotions.", "These findings provided significant implications for counselors and policymakers to prevent adolescents’ Internet addiction, and extended the general strain theory to Internet addiction which is typically applicable to deviant behavior.", "2015 Elsevier Ltd. All rights reserved." ]
[ 2, 2, 1, 4, 4, 4, 4, 3 ]
[ 0.7940999865531921, 0.6176000237464905, 0.5587999820709229, 0.7940999865531921, 0.5587999820709229, 0.44440001249313354, 0.7646999955177307, 0.5587999820709229 ]
train_1078
[ "Gamification has drawn the attention of academics, practitioners and business professionals in domains as diverse as education, information studies, human–computer interaction, and health.", "As yet, the term remains mired in diverse meanings and contradictory uses, while the concept faces division on its academic worth, underdeveloped theoretical foundations, and a dearth of standardized guidelines for application.", "Despite widespread commentary on its merits and shortcomings, little empirical work has sought to validate gamification as a meaningful concept and provide evidence of its effectiveness as a tool for motivating and engaging users in non-entertainment contexts.", "Moreover, no work to date has surveyed gamification as a field of study from a human–computer studies perspective.", "In this paper, we present a systematic survey on the use of gamification in published theoretical reviews and research papers involving interactive systems and human participants.", "We outline current theoretical understandings of gamification and draw comparisons to related approaches, including alternate reality games (ARGs), games with a purpose (GWAPs), and gameful design.", "We present a multidisciplinary review of gamification in action, focusing on empirical findings related to purpose and context, design of systems, approaches and techniques, and user impact.", "Findings from the survey show that a standard conceptualization of gamification is emerging against a growing backdrop of empirical participantsbased research.", "However, definitional subjectivity, diverse or unstated theoretical foundations, incongruities among empirical findings, and inadequate experimental design remain matters of concern.", "We discuss how gamification may to be more usefully presented as a subset of a larger effort to improve the user experience of interactive systems through gameful design." ]
[ 0, 0, 0, 0, 2, 1, 1, 4, 4, 4 ]
[ 0.7894999980926514, 0.7894999980926514, 0.3684000074863434, 0.7894999980926514, 0.421099990606308, 0.421099990606308, 0.53329998254776, 0.421099990606308, 0.21050000190734863, 0.421099990606308 ]
train_1079
[ "Research on financial decision-making shows that traders and investors with high emotion regulation capabilities perform better in trading.", "But how can the others learn to regulate their emotions?", "‘Learning by doing’ sounds like a straightforward approach.", "But how can one perform ‘learning by doing’ when there is no feedback?", "This problem particularly applies to learning emotion regulation, because learners can get practically no feedback on their level of emotion regulation.", "Our research aims at providing a learning environment that can help decision-makers to improve their emotion regulation.", "The approach is based on a serious game with real-time biofeedback.", "The game is settled in a financial context and the decision scenario is directly linked to the individual biofeedback of the learner’s heart rate data.", "More specifically, depending on the learner’s ability to regulate emotions, the decision scenario of the game continuously adjusts and thereby becomes more (or less) difficult.", "The learner wears an electrocardiogram sensor that transfers the data via Bluetooth to the game." ]
[ 0, 0, 0, 0, 1, 2, 1, 1, 1, 1 ]
[ 0.8611000180244446, 0.44440001249313354, 0.6388999819755554, 0.8611000180244446, 0.5357000231742859, 0.583299994468689, 0.8276000022888184, 0.44440001249313354, 0.44440001249313354, 0.583299994468689 ]
train_1080
[ "Although promising results have been achieved in the areas of traffic-sign detection and classification, few works have provided simultaneous solutions to these two tasks for realistic real world images.", "We make two contributions to this problem.", "Firstly, we have created a large traffic-sign benchmark from 100000 Tencent Street View panoramas, going beyond previous benchmarks.", "It provides 100000 images containing 30000 traffic-sign instances.", "These images cover large variations in illuminance and weather conditions.", "Each traffic-sign in the benchmark is annotated with a class label, its bounding box and pixel mask.", "We call this benchmark Tsinghua-Tencent 100K.", "Secondly, we demonstrate how a robust end-to-end convolutional neural network (CNN) can simultaneously detect and classify trafficsigns.", "Most previous CNN image processing solutions target objects that occupy a large proportion of an image, and such networks do not work well for target objects occupying only a small fraction of an image like the traffic-signs here.", "Experimental results show the robustness of our network and its superiority to alternatives." ]
[ 0, 0, 1, 1, 2, 1, 1, 4, 4, 4 ]
[ 1, 0.41670000553131104, 0.583299994468689, 0.583299994468689, 0.22220000624656677, 0.41670000553131104, 0.41670000553131104, 0.41670000553131104, 0.41670000553131104, 0.6111000180244446 ]
train_1081
[ "Machine learning is a useful technology for decision support systems and assumes greater importance in research and practice.", "Whilst much of the work focuses technical implementations and the adaption of machine learning algorithms to application domains, the factors of machine learning design affecting the usefulness of decision support are still understudied.", "To enhance the understanding of machine learning and its use in decision support systems, we report the results of our content analysis of design-oriented research published between 1994 and 2013 in major Information Systems outlets.", "The findings suggest that the usefulness of machine learning for supporting decision-makers is dependent on the task, the phase of decision-making, and the applied technologies.", "We also report about the advantages and limitations of prior research, the applied evaluation methods and implications for future decision support research.", "Our findings suggest that future decision support research should shed more light on organizational and people-related evaluation criteria." ]
[ 0, 0, 2, 1, 1, 4 ]
[ 1, 0.6000000238418579, 0.6000000238418579, 1, 0.6000000238418579, 1 ]
train_1082
[ "The ability of the Generative Adversarial Networks (GANs) framework to learn generative models mapping from simple latent distributions to arbitrarily complex data distributions has been demonstrated empirically, with compelling results showing that the latent space of such generators captures semantic variation in the data distribution.", "Intuitively, models trained to predict these semantic latent representations given data may serve as useful feature representations for auxiliary problems where semantics are relevant.", "However, in their existing form, GANs have no means of learning the inverse mapping – projecting data back into the latent space.", "We propose Bidirectional Generative Adversarial Networks (BiGANs) as a means of learning this inverse mapping, and demonstrate that the resulting learned feature representation is useful for auxiliary supervised discrimination tasks, competitive with contemporary approaches to unsupervised and self-supervised feature learning." ]
[ 0, 0, 2, 2 ]
[ 0.7838000059127808, 0.5946000218391418, 0.40540000796318054, 0.40540000796318054 ]
train_1083
[ "Many Natural Language Processing (NLP) techniques have been used in Information Retrieval.", "The results are not encouraging.", "Simple methods (stopwording, porter-style stemming, etc.) usually yield significant improvements, while higher-level processing (chunking, parsing, word sense disambiguation, etc.)", "only yield very small improvements or even a decrease in accuracy.", "At the same time, higher-level methods increase the processing and storage cost dramatically.", "This makes them hard to use on large collections.", "We review NLP techniques and come to the conclusion that (a) NLP needs to be optimized for IR in order to be effective and (b) document retrieval is not an ideal application for NLP, at least given the current state-of-the-art in NLP.", "Other IR-related tasks, e.g., question answering and information extraction, seem to be better suited." ]
[ 0, 0, 0, 1, 1, 1, 4, 4 ]
[ 1, 0.800000011920929, 0.6000000238418579, 0.6000000238418579, 0.6000000238418579, 0.6000000238418579, 0.800000011920929, 0.800000011920929 ]
train_1084
[ "As an envisaged future of transportation, self-driving cars are being discussed from various perspectives, including social, economical, engineering, computer science, design, and ethics.", "On the one hand, self-driving cars present new engineering problems that are being gradually successfully solved.", "On the other hand, social and ethical problems are typically being presented in the form of an idealized unsolvable decision-making problem, the so-called trolley problem, which is grossly misleading.", "We argue that an applied engineering ethical approach for the development of new technology is what is needed; the approach should be applied, meaning that it should focus on the analysis of complex real-world engineering problems.", "Software plays a crucial role for the control of self-driving cars; therefore, software engineering solutions should seriously handle ethical and social considerations.", "In this paper we take a closer look at the regulative instruments, standards, design, and implementations of components, systems, and services and we present practical social and ethical challenges that have to be met, as well as novel expectations for software engineering." ]
[ 0, 0, 0, 1, 1, 4 ]
[ 0.8158000111579895, 0.6053000092506409, 0.6053000092506409, 0.7894999980926514, 0.5788999795913696, 0.6053000092506409 ]
train_1085
[ "In this paper, a fast and flexible algorithm for computing watersheds in digital grayscale images is introduced.", "A review of watersheds and related notion is first presented, and the major methods to determine watersheds are discussed.", "The present algorithm is based on an immersion process analogy, in which the flooding of the water in the picture is efficiently simulated using a queue of pixels.", "It is described in detail and provided in a pseudo C language.", "We prove the accuracy of this algorithm is superior to that of the existing implementations.", "Furthermore, it is shown that its adaptation to any kind of digital grid and its generalization to n-dimensional images and even to graphs are straightforward.", "In addition, its strongest point is that it is faster than any other watershed algorithm.", "Applications of this algorithm with regard to picture segmentation are presented for MR imagery and for digital elevation models.", "An example of 3-D watershed is also provided.", "Lastly, some ideas are given on how to solve complex segmentation tasks using watersheds on graphs." ]
[ 0, 0, 1, 1, 2, 2, 0, 1, 1, 1 ]
[ 0.6215999722480774, 0.6215999722480774, 0.5946000218391418, 0.3783999979496002, 0.4323999881744385, 0.4323999881744385, 0.40540000796318054, 0.6215999722480774, 0.8108000159263611, 0.5946000218391418 ]
train_1086
[ "Malicious software, or malware, continues to be a problem for computer users, corporations, and governments.", "Previous research [1] has explored training file-based, malware classifiers using a two-stage approach.", "In the first stage, a malware language model is used to learn the feature representation which is then input to a second stage malware classifier.", "In Pascanu et al. [1], the language model is either a standard recurrent neural network (RNN) or an echo state network (ESN).", "In this work, we propose several new malware classification architectures which include a long short-term memory (LSTM) language model and a gated recurrent unit (GRU) language model.", "We also propose using an attention mechanism similar to [12] from the machine translation literature, in addition to temporal max pooling used in [1], as an alternative way to construct the file representation from neural features.", "Finally, we propose a new single-stage malware classifier based on a character-level convolutional neural network (CNN).", "Results show that the LSTM with temporal max pooling and logistic regression offers a 31.3% improvement in the true positive rate compared to the best system in [1] at a false positive rate of 1%." ]
[ 0, 0, 1, 1, 1, 1, 1, 4 ]
[ 0.8141999840736389, 0.5217000246047974, 0.7875999808311462, 0.6105999946594238, 0.6105999946594238, 0.39820000529289246, 0.39820000529289246, 0.6018000245094299 ]
train_1087
[ "We propose a new isotropic remeshing method, based on Centroidal Voronoi Tessellation (CVT).", "Constructing CVT requires to repeatedly compute Restricted Voronoi Diagram (RVD), defined as the intersection between a 3D Voronoi diagram and an input mesh surface.", "Existing methods use some approximations of RVD.", "In this paper, we introduce an efficient algorithm that computes RVD exactly and robustly.", "As a consequence, we achieve better remeshing quality than approximation-based approaches, without sacrificing efficiency.", "Our method for RVD computation uses a simple procedure and a kd-tree to quickly identify and compute the intersection of each triangle face with its incident Voronoi cells.", "Its time complexity is O(m logn), where n is the number of seed points and m is the number of triangles of the input mesh.", "Fast convergence of CVT is achieved using a quasi-Newton method, which proved much faster than Lloyd’s iteration.", "Examples are presented to demonstrate the better quality of remeshing results with our method than with the state-of-art approaches." ]
[ 0, 1, 1, 1, 4, 1, 1, 1, 4 ]
[ 0.6053000092506409, 0.5160999894142151, 0.6053000092506409, 0.6053000092506409, 0.6053000092506409, 0.8158000111579895, 0.421099990606308, 0.8158000111579895, 0.8158000111579895 ]
train_1088
[ "We present a simple regularization technique for Recurrent Neural Networks (RNNs) with Long Short-Term Memory (LSTM) units.", "Dropout, the most successful technique for regularizing neural networks, does not work well with RNNs and LSTMs.", "In this paper, we show how to correctly apply dropout to LSTMs, and show that it substantially reduces overfitting on a variety of tasks.", "These tasks include language modeling, speech recognition, and machine translation." ]
[ 2, 1, 1, 4 ]
[ 0.42419999837875366, 0.42419999837875366, 0.5758000016212463, 0.42419999837875366 ]
train_1089
[ "Liver cancer is one of the leading causes of cancer death.", "To assist doctors in hepatocellular carcinoma diagnosis and treatment planning, an accurate and automatic liver and tumor segmentation method is highly demanded in the clinical practice.", "Recently, fully convolutional neural networks (FCNs), including 2D and 3D FCNs, serve as the back-bone in many volumetric image segmentation.", "However, 2D convolutions can not fully leverage the spatial information along the third dimension while 3D convolutions suffer from high computational cost and GPU memory consumption.", "To address these issues, we propose a novel hybrid densely connected UNet (H-DenseUNet), which consists of a 2D DenseUNet for efficiently extracting intra-slice features and a 3D counterpart for hierarchically aggregating volumetric contexts under the spirit of the auto-context algorithm for liver and tumor segmentation.", "We formulate the learning process of H-DenseUNet in an end-to-end manner, where the intra-slice representations and inter-slice features can be jointly optimized through a hybrid feature fusion (HFF) layer.", "We extensively evaluated our method on the dataset of MICCAI 2017 Liver Tumor Segmentation (LiTS) Challenge.", "Our method outperformed other state-of-the-arts on the segmentation results of tumors and achieved very competitive performance for liver segmentation even with a single model." ]
[ 0, 0, 0, 2, 2, 1, 4, 4 ]
[ 0.7778000235557556, 0.7778000235557556, 0.3889000117778778, 0.44440001249313354, 0.583299994468689, 0.7778000235557556, 0.583299994468689, 0.7778000235557556 ]
train_1090
[ "Several variants of the long short-term memory (LSTM) architecture for recurrent neural networks have been proposed since its inception in 1995.", "In recent years, these networks have become the state-of-the-art models for a variety of machine learning problems.", "This has led to a renewed interest in understanding the role and utility of various computational components of typical LSTM variants.", "In this paper, we present the first large-scale analysis of eight LSTM variants on three representative tasks: speech recognition, handwriting recognition, and polyphonic music modeling.", "The hyperparameters of all LSTM variants for each task were optimized separately using random search, and their importance was assessed using the powerful functional ANalysis Of VAriance framework.", "In total, we summarize the results of 5400 experimental runs ( $\\approx 15$ years of CPU time), which makes our study the largest of its kind on LSTM networks.", "Our results show that none of the variants can improve upon the standard LSTM architecture significantly, and demonstrate the forget gate and the output activation function to be its most critical components.", "We further observe that the studied hyperparameters are virtually independent and derive guidelines for their efficient adjustment." ]
[ 0, 0, 2, 4, 1, 4, 4, 4 ]
[ 1, 0.5339999794960022, 0.33009999990463257, 0.4828000068664551, 0.43689998984336853, 0.6407999992370605, 1, 1 ]
train_1091
[ "Tree boosting is a highly effective and widely used machine learning method.", "In this paper, we describe a scalable end-to-end tree boosting system called XGBoost, which is used widely by data scientists to achieve state-of-the-art results on many machine learning challenges.", "We propose a novel sparsity-aware algorithm for sparse data and weighted quantile sketch for approximate tree learning.", "More importantly, we provide insights on cache access patterns, data compression and sharding to build a scalable tree boosting system.", "By combining these insights, XGBoost scales beyond billions of examples using far fewer resources than existing systems." ]
[ 0, 0, 1, 2, 4 ]
[ 1, 1, 0.421099990606308, 0.39469999074935913, 0.8158000111579895 ]
train_1092
[ "Fog/edge computing has been proposed to be integrated with Internet of Things (IoT) to enable computing services devices deployed at network edge, aiming to improve the user’s experience and resilience of the services in case of failures.", "With the advantage of distributed architecture and close to end-users, fog/edge computing can provide faster response and greater quality of service for IoT applications.", "Thus, fog/edge computing-based IoT becomes future infrastructure on IoT development.", "To develop fog/edge computing-based IoT infrastructure, the architecture, enabling techniques, and issues related to IoT should be investigated first, and then the integration of fog/edge computing and IoT should be explored.", "To this end, this paper conducts a comprehensive overview of IoT with respect to system architecture, enabling technologies, security and privacy issues, and present the integration of fog/edge computing and IoT, and applications.", "Particularly, this paper first explores the relationship between cyber-physical systems and IoT, both of which play important roles in realizing an intelligent cyber-physical world.", "Then, existing architectures, enabling technologies, and security and privacy issues in IoT are presented to enhance the understanding of the state of the art IoT development.", "To investigate the fog/edge computing-based IoT, this paper also investigate the relationship between IoT and fog/edge computing, and discuss issues in fog/edge computing-based IoT. Finally, several applications, including the smart grid, smart transportation, and smart cities, are presented to demonstrate how fog/edge computing-based IoT to be implemented in real-world applications." ]
[ 2, 2, 1, 1, 1, 4, 4, 4 ]
[ 0.6215999722480774, 0.6215999722480774, 0.4323999881744385, 0.6215999722480774, 0.4323999881744385, 0.40540000796318054, 0.6215999722480774, 0.8108000159263611 ]
train_1093
[ "In this paper we apply a heuristic method based on artificial neural networks (NN) in order to trace out the efficient frontier associated to the portfolio selection problem.", "We consider a generalization of the standard Markowitz meanvariance model which includes cardinality and bounding constraints.", "These constraints ensure the investment in a given number of different assets and limit the amount of capital to be invested in each asset.", "We present some experimental results obtained with the NN heuristic and we compare them to those obtained with three previous heuristic methods.", "The portfolio selection problem is an instance from the family of quadratic programming problems when the standard Markowitz mean-variance model is considered.", "But if this model is generalized to include cardinality and bounding constraints, then the portfolio selection problem becomes a mixed quadratic and integer programming problem.", "When considering the latter model, there is not any exact algorithm able to solve the portfolio selection problem in an efficient way.", "The use of heuristic algorithms in this case is imperative.", "In the past some heuristic methods based mainly on evolutionary algorithms, tabu search and simulated annealing have been developed.", "The purpose of this paper is to consider a particular neural network (NN) model, the Hopfield network, which has been used to solve some other optimisation problems and apply it here to the portfolio selection problem, comparing the new results to those obtained with previous heuristic algorithms." ]
[ 1, 1, 1, 4, 4, 4, 4, 4, 4, 4 ]
[ 0.5881999731063843, 0.5881999731063843, 0.41179999709129333, 0.7940999865531921, 0.6176000237464905, 0.6176000237464905, 0.41179999709129333, 0.41179999709129333, 0.41179999709129333, 0.6176000237464905 ]
train_1094
[ "Mobile Cloud Computing is a new technology which refers to an infrastructure where both data storage and data processing operate outside of the mobile device.", "Another recent technology is Internet of Things.", "Internet of Things is a new technology which is growing rapidly in the field of telecommunications.", "More specifically, IoT related with wireless telecommunications.", "The main goal of the interaction and cooperation between things and objects which sent through the wireless networks is to fulfill the objective set to them as a combined entity.", "In addition, there is a rapid development of both technologies, Cloud Computing and Internet of Things, regard the field of wireless communications.", "In this paper, we present a survey of IoT and Cloud Computing with a focus on the security issues of both technologies.", "Specifically, we combine the two aforementioned technologies (i.e Cloud Computing and IoT) in order to examine the common features, and in order tο discover the benefits of their integration.", "Concluding, we present the contribution of Cloud Computing to the IoT technology.", "Thus, it shows how the Cloud Computing technology improves the function of the IoT. Finally, we survey the security challenges of the integration of IoT and Cloud Computing." ]
[ 0, 0, 0, 0, 2, 0, 1, 1, 1, 4 ]
[ 1, 0.6111000180244446, 1, 0.6388999819755554, 0.44440001249313354, 0.3610999882221222, 0.22220000624656677, 0.583299994468689, 0.3610999882221222, 0.41670000553131104 ]
train_1095
[ "This is a short introduction to information visualisation, which is increasingly important in many fields as information expands faster than our ability to comprehend it.", "Visualisation makes data easier to understand through direct sensory experience (usually visual), as opposed to more linguistic/logical reasoning.", "This chapter examines reasons for using information visualisation both for professional data analysts and also end-users.", "It will also look at some of the history of visualisation (going back 4,500 years), classic examples of information visualisations, and some current challenges for visualisation research and practice.", "Design of effective visualisation requires an appreciation of human perceptual, cognitive and also organisational and social factors, and the chapter discusses some of these factors and the design issues and principles arising from them." ]
[ 0, 0, 2, 1, 1 ]
[ 0.8055999875068665, 0.6111000180244446, 0.41670000553131104, 0.41670000553131104, 0.41670000553131104 ]
train_1096
[ "Solving software evaluation problems is a particularly difficult software engineering process and many contradictory criteria must be considered to reach a decision.", "Nowadays, the way that decision support techniques are applied suffers from a number of severe problems, such as naive interpretation of sophisticated methods and generation of counter-intuitive, and therefore most probably erroneous, results.", "In this paper we identify some common flaws in decision support for software evaluations.", "Subsequently, we discuss an integrated solution through which significant improvement may be achieved, based on the Multiple Criteria Decision Aid methodology and the exploitation of packaged software evaluation expertise in the form of an intelligent system.", "Both common mistakes and the way they are overcome are explained through a real world example.", "q 2000 Elsevier Science B.V. All rights reserved." ]
[ 0, 1, 2, 1, 3, 3 ]
[ 0.5946000218391418, 0.40540000796318054, 0.40540000796318054, 0.40540000796318054, 0.3783999979496002, 0.5946000218391418 ]
train_1097
[ "In this paper, drawing intuition from the Turing test, we propose using adversarial training for open-domain dialogue generation: the system is trained to produce sequences that are indistinguishable from human-generated dialogue utterances.", "We cast the task as a reinforcement learning (RL) problem where we jointly train two systems, a generative model to produce response sequences, and a discriminator—analagous to the human evaluator in the Turing test— to distinguish between the human-generated dialogues and the machine-generated ones.", "The outputs from the discriminator are then used as rewards for the generative model, pushing the system to generate dialogues that mostly resemble human dialogues.", "In addition to adversarial training we describe a model for adversarial evaluation that uses success in fooling an adversary as a dialogue evaluation metric, while avoiding a number of potential pitfalls.", "Experimental results on several metrics, including adversarial evaluation, demonstrate that the adversarially-trained system generates higher-quality responses than previous baselines." ]
[ 0, 1, 1, 4, 4 ]
[ 0.40540000796318054, 0.40540000796318054, 0.3783999979496002, 0.40540000796318054, 0.7838000059127808 ]
train_1098
[ "Telecommunication companies generate a tremendous amount of data.", "These data include call detail data, which describes the calls that traverse the telecommunication networks, network data, which describes the state of the hardware and software components in the network, and customer data, which describes the telecommunication customers.", "This chapter describes how data mining can be used to uncover useful information buried within these data sets.", "Several data mining applications are described and together they demonstrate that data mining can be used to identify telecommunication fraud, improve marketing effectiveness, and identify network faults." ]
[ 0, 0, 1, 1 ]
[ 0.7778000235557556, 0.3889000117778778, 0.44440001249313354, 0.833299994468689 ]
train_1099
[ "Objective of the current work is to develop an Optical Character Recognition (OCR) engine for information Just In Time (iJIT) system that can be used for recognition of handwritten textual annotations of lower case Roman script.", "Tesseract open source OCR engine under Apache License 2.0 is used to develop user-specific handwriting recognition models, viz.", ", the language sets, for the said system, where each user is identified by a unique identification tag associated with the digital pen.", "To generate the language set for any user, Tesseract is trained with labeled handwritten data samples of isolated and free-flow texts of Roman script, collected exclusively from that user.", "The designed system is tested on five different language sets with freeflow handwritten annotations as test samples.", "The system could successfully segment and subsequently recognize 87.92%, 81.53%, 92.88%, 86.75% and 90.80% handwritten characters in the test samples of five different users." ]
[ 2, 0, 1, 1, 4, 4 ]
[ 0.6053000092506409, 0.5788999795913696, 0.39469999074935913, 0.39469999074935913, 0.421099990606308, 0.5788999795913696 ]