scispace - formally typeset
Search or ask a question

Showing papers on "Ordinal regression published in 2020"


Proceedings ArticleDOI
14 Jun 2020
TL;DR: In this article, a surrogate two-class ordinal regression task is proposed for video anomaly detection, which enables joint representation learning and anomaly scoring without manually labeled normal/abnormal data.
Abstract: Video anomaly detection is of critical practical importance to a variety of real applications because it allows human attention to be focused on events that are likely to be of interest, in spite of an otherwise overwhelming volume of video. We show that applying self-trained deep ordinal regression to video anomaly detection overcomes two key limitations of existing methods, namely, 1) being highly dependent on manually labeled normal training data; and 2) sub-optimal feature learning. By formulating a surrogate two-class ordinal regression task we devise an end-to-end trainable video anomaly detection approach that enables joint representation learning and anomaly scoring without manually labeled normal/abnormal data. Experiments on eight real-world video scenes show that our proposed method outperforms state-of-the-art methods that require no labeled training data by a substantial margin, and enables easy and accurate localization of the identified anomalies. Furthermore, we demonstrate that our method offers effective human-in-the-loop anomaly detection which can be critical in applications where anomalies are rare and the false-negative cost is high.

142 citations


Proceedings ArticleDOI
TL;DR: MedMNIST Classification Decathlon is designed to benchmark AutoML algorithms on all 10 datasets, and has compared several baseline methods, including open-source or commercial AutoML tools.
Abstract: We present MedMNIST, a collection of 10 pre-processed medical open datasets. MedMNIST is standardized to perform classification tasks on lightweight 28x28 images, which requires no background knowledge. Covering the primary data modalities in medical image analysis, it is diverse on data scale (from 100 to 100,000) and tasks (binary/multi-class, ordinal regression and multi-label). MedMNIST could be used for educational purpose, rapid prototyping, multi-modal machine learning or AutoML in medical image analysis. Moreover, MedMNIST Classification Decathlon is designed to benchmark AutoML algorithms on all 10 datasets; We have compared several baseline methods, including open-source or commercial AutoML tools. The datasets, evaluation code and baseline methods for MedMNIST are publicly available at this https URL.

136 citations


Journal ArticleDOI
TL;DR: In this paper, the authors proposed a rank-consistent RAnk Logits (CORAL) framework with strong theoretical guarantees for rank-monotonicity and consistent confidence scores, which can extend arbitrary state-of-the-art deep neural network classifiers for ordinal regression tasks.

85 citations


Journal ArticleDOI
TL;DR: A simple yet efficient way to rephrase the output layer of the conventional deep neural network is proposed, in order to alleviate the effects of label noise in ordinal datasets, and a unimodal label regularization strategy is proposed.

48 citations


Journal ArticleDOI
TL;DR: Interventions focus on improving household wealth index, food security, educating mothers and their spouses, improving maternal nutritional status, and increasing mothers’ health care access.
Abstract: Ethiopia is one of the developing countries where child under-nutrition is prevalent. Prior studies employed three anthropometric indicators for identifying factors of children’s under-nutrition. This study aimed at identifying the factors of child under-nutrition using a single composite index of anthropometric indicators. Data from Ethiopia’s Demographic and Health Survey 2016 was the base for studying under-nutrition in a sample of 9494 children below 59 months. A single composite index of under-nutrition was created from three anthropometric indices through principal component analysis recoded into an ordinal outcome. In line with World Health Organization 2006 Child Growth Standards, the three anthropometric indices involve z-score of height-for-age (stunting), weight-for-height (wasting) and weight-for-age (underweight). Partial proportional odds model was fitted and its relative performance compared with some other ordinal regression models to identify significant determinants of under-nutrition. The single composite index of anthropometric indicators showed that 49.0% (19.8% moderately and 29.2% severely) of sampled children were undernourished. In the Brant-test of proportional odds model, the null hypothesis that the model parameters equal across categories was rejected. Compared to ordinal regression models, partial proportional odds model showed an improved fit. A child with mother’s body mass index less than 18.5 kg, from poorest family and a husband without education, and male to be in a severe under-nutrition status was 1.4, 1.8 1.2 and 1.2 times more likely to be in worse under-nutrition status compared to its reference group respectively. Authors conclude that the fitted partial proportional odds model indicated that age and sex of the child, maternal education, region, source of drinking water, number of under five children, mother’s body mass index and wealth index, anemic status of child, multiple births, fever of child before 2 months of the survey, mother’s age at first birth, and husband’s education were significantly associated with child under-nutrition. Thus, it is argued that interventions focus on improving household wealth index, food security, educating mothers and their spouses, improving maternal nutritional status, and increasing mothers’ health care access.

41 citations


Journal ArticleDOI
TL;DR: In this article, a flexible modeling framework for multiple ordinal measurements on the same subject is set up, which takes into consideration the dependence among the multiple observations by employing different error structures.
Abstract: The R package mvord implements composite likelihood estimation in the class of multivariate ordinal regression models with a multivariate probit and a multivariate logit link. A flexible modeling framework for multiple ordinal measurements on the same subject is set up, which takes into consideration the dependence among the multiple observations by employing different error structures. Heterogeneity in the error structure across the subjects can be accounted for by the package, which allows for covariate dependent error structures. In addition, different regression coefficients and threshold parameters for each response are supported. If a reduction of the parameter space is desired, constraints on the threshold as well as on the regression coefficients can be specified by the user. The proposed multivariate framework is illustrated by means of a credit risk application.

35 citations


Journal ArticleDOI
TL;DR: This paper partially embraces the decomposition idea and proposes the Deep and Ordinal Ensemble Learning with Two Groups Classification (DOEL2groups) for age prediction, and suggests to regard the age class at the boundary of original two age groups as another age group and this modified version is named the DOEL3groups.
Abstract: Some recent work treats age estimation as an ordinal ranking task and decomposes it into multiple binary classifications. However, a theoretical defect lies in this type of methods: the ignorance of possible contradictions in individual ranking results. In this paper, we partially embrace the decomposition idea and propose the Deep and Ordinal Ensemble Learning with Two Groups Classification (DOEL2groups) for age prediction. An important advantage of our approach is that it theoretically allows the prediction even when the contradictory cases occur. The proposed method is characterized by a deep and ordinal ensemble and a two-stage aggregation strategy. Specifically, we first set up the ensemble based on Convolutional Neural Network (CNN) techniques, while the ordinal relationship is implicitly constructed among its base learners. Each base learner will classify the target face into one of two specific age groups. After achieving probability predictions of different age groups, then we make aggregation by transforming them into counting value distributions of whole age classes and getting the final age estimation from their votes. Moreover, to further improve the estimation performance, we suggest to regard the age class at the boundary of original two age groups as another age group and this modified version is named the Deep and Ordinal Ensemble Learning with Three Groups Classification (DOEL3groups). Effectiveness of this new grouping scheme is validated in theory and practice. Finally, we evaluate the proposed two ensemble methods on controlled and wild aging databases, and both of them produce competitive results. Note that the DOEL3groups shows the state-of-the-art performance in most cases.

34 citations


Proceedings ArticleDOI
TL;DR: This work proposes that using several discrete data representations simultaneously can improve neural network learning compared to a single representation and test the approach on three challenging tasks to show that it reduces the prediction error.
Abstract: Regression via classification (RvC) is a common method used for regression problems in deep learning, where the target variable belongs to a set of continuous values By discretizing the target into a set of non-overlapping classes, it has been shown that training a classifier can improve neural network accuracy compared to using a standard regression approach However, it is not clear how the set of discrete classes should be chosen and how it affects the overall solution In this work, we propose that using several discrete data representations simultaneously can improve neural network learning compared to a single representation Our approach is end-to-end differentiable and can be added as a simple extension to conventional learning methods, such as deep neural networks We test our method on three challenging tasks and show that our method reduces the prediction error compared to a baseline RvC approach while maintaining a similar model complexity

29 citations


Posted Content
TL;DR: This work devise an end-to-end trainable video anomaly detection approach that enables joint representation learning and anomaly scoring without manually labeled normal/abnormal data and outperforms state-of-the-art methods that require no labeled training data.
Abstract: Video anomaly detection is of critical practical importance to a variety of real applications because it allows human attention to be focused on events that are likely to be of interest, in spite of an otherwise overwhelming volume of video. We show that applying self-trained deep ordinal regression to video anomaly detection overcomes two key limitations of existing methods, namely, 1) being highly dependent on manually labeled normal training data; and 2) sub-optimal feature learning. By formulating a surrogate two-class ordinal regression task we devise an end-to-end trainable video anomaly detection approach that enables joint representation learning and anomaly scoring without manually labeled normal/abnormal data. Experiments on eight real-world video scenes show that our proposed method outperforms state-of-the-art methods that require no labeled training data by a substantial margin, and enables easy and accurate localization of the identified anomalies. Furthermore, we demonstrate that our method offers effective human-in-the-loop anomaly detection which can be critical in applications where anomalies are rare and the false-negative cost is high.

26 citations


Journal ArticleDOI
TL;DR: Two possible formulations of the level dependent Choquet integral are presented where importance and interaction of criteria are constant inside each one of the subintervals in which the interval of evaluations for considered criteria is split or vary with continuity inside the whole intervals of evaluations.

22 citations


Posted Content
16 Oct 2020
TL;DR: This work demonstrates how to join the benefits of DL and statistical regression methods to create efficient and interpretable models for ordinal outcomes, and shows that the most flexible ONTRAMs achieve on-par performance with existing DL approaches while outperforming them in training speed.
Abstract: Outcomes with a natural order commonly occur in prediction tasks and oftentimes the available input data are a mixture of complex data, like images, and tabular predictors. Deep Learning (DL) methods are state-of-the-art for image classification tasks but frequently treat ordinal outcomes as unordered and lack interpretability. In contrast, classical ordinal regression models consider the outcome's order and yield interpretable predictor effects but are limited to tabular data. We present ordinal neural network transformation models (ONTRAMs), which unite DL with classical ordinal regression methods. ONTRAMs are a special case of transformation models and trade off flexibility and interpretability by additively decomposing the transformation function into terms for image and tabular data using jointly trained neural networks. We discuss how to interpret model components for both tabular and image data. The proposed ONTRAMs achieve on-par performance with common DL models while being directly interpretable and more efficient in training.

Journal ArticleDOI
TL;DR: Wang et al. as mentioned in this paper proposed an Atrous Spatial Pyramid Pooling (ASPP) module to extract features from multiple dilated convolution layers, and a postprocessing technique was designed to transform the predicted height map of each patch into a seamless height map.
Abstract: Understanding the 3-D geometric structure of the Earth's surface has been an active research topic in photogrammetry and remote sensing community for decades, serving as an essential building block for various applications such as 3-D digital city modeling, change detection, and city management. Previous research studies have extensively studied the problem of height estimation from aerial images based on stereo or multiview image matching. These methods require two or more images from different perspectives to reconstruct 3-D coordinates with camera information provided. In this letter, we deal with the ambiguous and unsolved problem of height estimation from a single aerial image. Driven by the great success of deep learning, especially deep convolutional neural networks (CNNs), some research studies have proposed to estimate height information from a single aerial image by training a deep CNN model with large-scale annotated data sets. These methods treat height estimation as a regression problem and directly use an encoder-decoder network to regress the height values. In this letter, we propose to divide height values into spacing-increasing intervals and transform the regression problem into an ordinal regression problem, using an ordinal loss for network training. To enable multiscale feature extraction, we further incorporate an Atrous Spatial Pyramid Pooling (ASPP) module to extract features from multiple dilated convolution layers. After that, a postprocessing technique is designed to transform the predicted height map of each patch into a seamless height map. Finally, we conduct extensive experiments on International Society for Photogrammetry and Remote Sensing (ISPRS) Vaihingen and Potsdam data sets. Experimental results demonstrate significantly better performance of our method compared to state-of-the-art methods.

Journal ArticleDOI
TL;DR: Results of the ordinal logistic regression analyses show that the nature of cars, National roads, over speeding, and location (urban or rural) are significant indicators of crash severity.
Abstract: Road traffic accident is one of the major problems facing the world The carnage on Ghana's roads has raised road accidents to the status of a 'public health' threat The objective of the study is to identify factors that contribute to accident severity using an ordinal regression model to fit a suitable model using the dataset extracted from the database of Motor Traffic and Transport Department, from 1989 to 2019 The results of the ordinal logistic regression analyses show that the nature of cars, National roads, over speeding, and location (urban or rural) are significant indicators of crash severity Strategies to reduce crash injuries should physical enforcement through greater Police presence on our roads as well as technology There is also the need to train drivers to be more vigilant in their travels especially on the national roads and in the urban areas The Recommendation is, a well thought out and contextualised written laws and sanctioned schemes to monitor and enforce strict compliance with road traffic rules should be put in place

Journal ArticleDOI
TL;DR: This paper introduces the R package ordinalCont, which implements an ordinal regression framework for response variables which are recorded on a visual analogue scale (VAS), and introduces smoothing terms and random effects in the linear predictor.
Abstract: This paper introduces the R package ordinalCont, which implements an ordinal regression framework for response variables which are recorded on a visual analogue scale (VAS). This scale is used when recording subjects' perception of an intangible quantity such as pain, anxiety or quality of life, and consists of a mark made on a linear scale. We implement continuous ordinal regression models for VAS as the appropriate method of analysis for such responses, and introduce smoothing terms and random effects in the linear predictor. The model parameters are estimated using constrained optimization of the penalized likelihood and the penalty parameters are automatically selected via maximization of their marginal likelihood. The estimation algorithm is shown to perform well, in a simulation study. Two examples of application are given: the first involves the analysis of pain outcomes in a clinical trial for laser treatment for chronic neck pain; the second is an analysis of quality of life outcomes in a clinical trial for chemotherapy for the treatment of breast cancer.

Journal ArticleDOI
TL;DR: In this article, a deep convolutional neural network model was proposed for ordinal regression by considering a family of probabilistic ordinal link functions in the output layer, which are used for cumulative link models.

Journal ArticleDOI
TL;DR: Support for an Open Science approach is explained in this paper and a range of suggestions for the fields of applied linguistics and SLA are made, including the use of Bayesian methods in analyzing multivariate, multifactorial data of this kind, and advocating for publicly available datasets.
Abstract: Following the trends established in psychology and emerging in L2 research, we explain our support for an Open Science approach in this paper (i.e., developing, analyzing and sharing datasets) as a way to answer controversial and complex questions in applied linguistics. We illustrate this with a focus on a frequently debated question, what underlies individual differences in the dynamic system of post-pubertal L2 speech learning? We provide a detailed description of our dataset which consists of spontaneous speech samples, elicited from 110 late L2 speakers in the UK with diverse linguistic, experiential and sociopsychological backgrounds, rated by ten L1 English listeners for comprehensibility and nativelikeness. We explain how we examined the source of individual differences by linking different levels of L2 speech performance to a range of learner-extrinsic and intrinsic variables related to first language backgrounds, age, experience, motivation, awareness, and attitudes using a series of factor and Bayesian mixed-effects ordinal regression analyses. We conclude with a range of suggestions for the fields of applied linguistics and SLA, including the use of Bayesian methods in analyzing multivariate, multifactorial data of this kind, and advocating for publicly available datasets. In keeping with recommendations for increasing openness of the field, we invite readers to rethink and redo our analyses and interpretations from multiple angles by making our dataset and coding publicly available as part of our 40th anniversary ARAL article.

Proceedings ArticleDOI
14 Jun 2020
TL;DR: In this paper, a learning-based approach to autofocus is proposed, which uses deep classification models and an ordinal regression loss to obtain an efficient learningbased autofocusing technique, which reduces the mean absolute error by a factor of 3.6.
Abstract: Autofocus is an important task for digital cameras, yet current approaches often exhibit poor performance. We propose a learning-based approach to this problem, and provide a realistic dataset of sufficient size for effective learning. Our dataset is labeled with per-pixel depths obtained from multi-view stereo, following [9]. Using this dataset, we apply modern deep classification models and an ordinal regression loss to obtain an efficient learning-based autofocus technique. We demonstrate that our approach provides a significant improvement compared with previous learned and non-learned methods: our model reduces the mean absolute error by a factor of 3.6 over the best comparable baseline algorithm. Our dataset and code are publicly available.

Journal ArticleDOI
TL;DR: This work explores the use of video analysis of facial expressivity in a cohort of severely depressed patients before and after deep brain stimulation (DBS), an experimental treatment for depression, and suggests that unsupervised features extracted from these video recordings can discriminate different levels of depression severity during ongoing DBS treatment.
Abstract: Major depressive disorder is a common psychiatric illness. At present, there are no objective, non-verbal, automated markers that can reliably track treatment response. Here, we explore the use of video analysis of facial expressivity in a cohort of severely depressed patients before and after deep brain stimulation (DBS), an experimental treatment for depression. We introduced a set of variability measurements to obtain unsupervised features from muted video recordings, which were then leveraged to build predictive models to classify three levels of severity in the patients’ recovery from depression. Multiscale entropy was utilized to estimate the variability in pixel intensity level at various time scales. A dynamic latent variable model was utilized to learn a low-dimensional representation of factors that describe the dynamic relationship between high-dimensional pixels in each video frame and over time. Finally, a novel elastic net ordinal regression model was trained to predict the severity of depression, as independently rated by standard rating scales. Our results suggest that unsupervised features extracted from these video recordings, when incorporated in an ordinal regression predictor, can discriminate different levels of depression severity during ongoing DBS treatment. Objective markers of patient response to treatment have the potential to standardize treatment protocols and enhance the design of future clinical trials.

Posted Content
TL;DR: This work proposes a learning-based approach to autofocus, and provides a realistic dataset of sufficient size for effective learning, and demonstrates that this approach provides a significant improvement compared with previous learned and non-learned methods.
Abstract: Autofocus is an important task for digital cameras, yet current approaches often exhibit poor performance. We propose a learning-based approach to this problem, and provide a realistic dataset of sufficient size for effective learning. Our dataset is labeled with per-pixel depths obtained from multi-view stereo, following "Learning single camera depth estimation using dual-pixels". Using this dataset, we apply modern deep classification models and an ordinal regression loss to obtain an efficient learning-based autofocus technique. We demonstrate that our approach provides a significant improvement compared with previous learned and non-learned methods: our model reduces the mean absolute error by a factor of 3.6 over the best comparable baseline algorithm. Our dataset and code are publicly available.

Journal ArticleDOI
TL;DR: This work deals with a 12-h time horizon in the analysis of convective clouds, using as input variables data from a radiosonde station and also from numerical weather models, and shows that the SVORIM algorithm shows a good accuracy in the case of thunderstorms and Cumulonimbus clouds, which represent a real hazard for the airport operations.

Journal ArticleDOI
TL;DR: The authors applied a generalized ordered logit to compare the effects of urban penalty on, and regional differences in, life satisfaction, and found that urban penalty has a strong effect on life satisfaction.
Abstract: Multiple studies have identified an urban penalty on, and regional differences in, life satisfaction, but few studies compare the effects of both. This study applies a generalized ordered logit to ...

Book ChapterDOI
04 Oct 2020
TL;DR: This paper presents a Censoring-Aware Deep Ordinal Regression (CDOR) to directly predict survival time from pathological images, and particularly introduces a censoring-aware loss function to train the deep network in the presence of censored data.
Abstract: Survival prediction is a typical task in computer-aided diagnosis with many clinical applications. Existing approaches to survival prediction are mostly based on the classic Cox model, which mainly focus on learning a hazard or survival function rather than the survival time, largely limiting their practical uses. In this paper, we present a Censoring-Aware Deep Ordinal Regression (CDOR) to directly predict survival time from pathological images. Instead of relying on the Cox model, CDOR formulates survival prediction as an ordinal regression problem, and particularly introduces a censoring-aware loss function to train the deep network in the presence of censored data. Experiment results on publicly available dataset demonstrate that, the proposed CDOR can achieve significant higher accuracy in predicting survival time.

Proceedings ArticleDOI
12 Feb 2020
TL;DR: A novel deep regression architecture called Head PointNet is proposed, which consumes 3D point sets derived from a depth image describing the visible surface of a head, and is facilitated with an ordinal regression module that incorporates metric penalties into ground truth label representation.
Abstract: Head pose estimation from depth image is a challenging problem, considering its large pose variations, severer occlusions, and low quality of depth data. In contrast to existing approaches that take 2D depth image as input, we propose a novel deep regression architecture called Head PointNet, which consumes 3D point sets derived from a depth image describing the visible surface of a head. To cope with the non-stationary property of pose variation process, the network is facilitated with an ordinal regression module that incorporates metric penalties into ground truth label representation. The soft label representation encodes inter-class and intra-class information contained in the class labels simultaneously, and guides the network to learn discriminative features. Experiments on two challenging datasets, namely the Biwi Head Pose Dataset and Pandora Dataset, show that our proposed method outperforms state-of-the-art approaches.

Posted Content
TL;DR: In this article, a new multiple criteria decision-aiding method is proposed to deal with sorting problems in which alternatives are evaluated on criteria structured in a hierarchical way and presenting interactions.
Abstract: In this paper we propose a new multiple criteria decision aiding method to deal with sorting problems in which alternatives are evaluated on criteria structured in a hierarchical way and presenting interactions. The underlying preference model of the proposed method is the Choquet integral, while the hierarchical structure of the criteria is taken into account by applying the Multiple Criteria Hierarchy Process. Considering the Choquet integral based on a 2-additive capacity, the paper presents a procedure to find all the minimal sets of pairs of interacting criteria representing the preference information provided by the Decision Maker (DM). Robustness concerns are also taken into account by applying the Robust Ordinal Regression and the Stochastic Multicriteria Acceptability Analysis. Even if in different ways, both of them provide recommendations on the hierarchical sorting problem at hand by exploring the whole set of capacities compatible with the preferences provided by the DM avoiding to take into account only one of them. The applicability of the considered method to real world problems is demonstrated by means of an example regarding rating of European Countries by considering economic and financial data provided by Standard \& Poor's Global Inc.

Journal ArticleDOI
TL;DR: Pain at the time of presentation, sub mucous fibrosis, palpable neck node, oral site, degree of differentiation and tumor size are the most probable associated factors with extent of nodal involvement.
Abstract: Oral cancer is the most common cancer among Indian men, and has strong tendency of metastatic spread to neck lymph node which strongly influences prognosis especially 5 year survival-rate and also guides the related managements more effectively. Therefore, a reliable and accurate means of preoperative evaluation of extent of nodal involvement becomes crucial. However, earlier researchers have preferred to address mainly its dichotomous form (involved/not-involved) instead of ordinal form while dealing with epidemiology of nodal involvement. As a matter of fact, consideration of ordinal form appropriately may increase not only the efficiency of the developed model but also accuracy in the results and related implications. Hence, to develop a model describing factors associated with ordinal form of nodal involvement was major focus of this study. The data for model building were taken from the Department of Surgical Oncology, Dr.BRA-IRCH, AIIMS, New Delhi, India. All the OSCC patients (duly operated including neck dissection) and confirmed histopathologically from 1995 to 2013 were included. Further, another data of 204 patients collected prospectively from 2014 to 2015 was considered for the validation of the developed model. To assess the factors associated with extent of nodal involvement, as a first attempt in the field of OSCC, stepwise multivariable regression procedure was used and results are presented as odds-ratio and corresponding 95% confidence interval (CI). For appropriate accounting of ordinal form, the ordinal models were assessed and compared. Also, performance of the developed model was validated on a prospectively collected another data. Under multivariable proportional odds model, pain at the time of presentation, sub mucous fibrosis, palpable neck node, oral site and degree of differentiation were found to be significantly associated factors with extent of nodal involvement. In addition, tumor size also emerged to be significant under partial-proportional odds model. The analytical results under the present study reveal that in case of ordinal form of the outcome, appropriate ordinal regression may be a preferred choice. Present data suggest that, pain, sub mucous fibrosis, palpable neck node, oral site, degree of differentiation and tumor size are the most probable associated factors with extent of nodal involvement.

Journal ArticleDOI
TL;DR: The results show that the k-interactivity is an efficient way to reduce the complexity of capacities while preserving their expressiveness and representation ability, and that optimal capacities can be found by standard mathematical programming techniques.
Abstract: This paper addresses a methodology for decision support under multiple and correlated decision criteria. Nonadditive robust ordinal regression (NAROR) aims to build capacities that fit the decision makers’ explicit preferences and pairwise rankings of some alternatives. The capacities provide great flexibility to model decision problems accounting for interactions among the decision criteria. The feasible set of capacities helps identifying all the necessary and possible dominance relations among all the decision alternatives. In this paper we enhance the NAROR method by identifying optimal capacities through entropy maximisation. We formulate suitable optimisation problems and provide avenues for capacity simplification based on k-interactivity. We also consider the situation of large number of sparse constraints, for which we formulate a linear program based on Renyi entropy. We deal with preferences inconsistency by using multiple goal linear programming technique. The results show that the k-interactivity is an efficient way to reduce the complexity of capacities while preserving their expressiveness and representation ability, and that optimal capacities can be found by standard mathematical programming techniques.

Journal ArticleDOI
26 Feb 2020
TL;DR: In this paper, the influence of emotions on users' intention to share news about climate change on social media was analyzed and it was concluded that fear and anger are the most influential emotions.
Abstract: Introduction: This article analyzes the influence of emotions on users' intention to share news about climate change on social media. Media consumption habits, previous attitudes towards the issue and social media uses and gratifications sought are considered as moderating roles. Methodology: An online, self-administered, questionnaire was submitted to a sample of undergraduate students from different courses and centers placed at Madrid region. Data were statistically tested following simple and multiple linear regression, simple and multiple logistic regression and simple and multiple ordinal regression models. Results and conclusions: It is concluded that fear and anger are the most influential emotions on users' intention to share a piece of news on social media. Information seeking, news internalizing and previous attitudes are identified as moderating factors.

Journal ArticleDOI
TL;DR: The ordinal regression model trained on only two sorts successfully predicts chromodomain CBX1 mutants that would have stronger binding affinity with the H3K9me3 peptide and can be extracted using contextual regression, a method to interpret nonlinear models, which successfully guides identification of strong binders not even present in the original library.
Abstract: Directed evolution is a powerful approach for engineering proteins with enhanced affinity or specificity for a ligand of interest but typically requires many rounds of screening/library mutagenesis to obtain mutants with desired properties. Furthermore, mutant libraries generally only cover a small fraction of the available sequence space. Here, for the first time, we use ordinal regression to model protein sequence data generated through successive rounds of sorting and amplification of a protein-ligand system. We show that the ordinal regression model trained on only two sorts successfully predicts chromodomain CBX1 mutants that would have stronger binding affinity with the H3K9me3 peptide. Furthermore, we can extract the predictive features using contextual regression, a method to interpret nonlinear models, which successfully guides identification of strong binders not even present in the original library. We have demonstrated the power of this approach by experimentally confirming that we were able to achieve the same improvement in binding affinity previously achieved through a more laborious directed evolution process. This study presents an approach that reduces the number of rounds of selection required to isolate strong binders and facilitates the identification of strong binders not present in the original library.

Proceedings ArticleDOI
16 Jun 2020
TL;DR: For the first time, a fully differentiable ordinal regression is formulated and train the network in end-to-end fashion, leading to smooth and edge-consistent depth maps in single image depth estimation.
Abstract: Single image depth estimation is a challenging problem. The current state-of-the-art method formulates the problem as that of ordinal regression. However, the formulation is not fully differentiable and depth maps are not generated in an end-to-end fashion. The method uses a native threshold strategy to determine per-pixel depth labels, which results in significant discretization errors. For the first time, we formulate a fully differentiable ordinal regression and train the network in end-to-end fashion. This enables us to include boundary and smoothness constraints in the optimization function, leading to smooth and edge-consistent depth maps. A novel per-pixel confidence map computation for depth refinement is also proposed. Extensive evaluation of the proposed model on challenging benchmarks reveals its superiority over recent state-of-the-art methods, both quantitatively and qualitatively. Additionally, we demonstrate practical utility of the proposed method for single camera bokeh solution using in-house dataset of challenging real-life images.

Journal ArticleDOI
TL;DR: In this article, a greedy based algorithm for partial proportional odds model selection (GREP) is proposed that allows the parsimonious design of effective ordinal logistic regression models, which avoids an exhaustive search and outperforms model selection using the Brant test.
Abstract: Like many psychological scales, depression scales are ordinal in nature. Depression prediction from behavioural signals has so far been posed either as classification or regression problems. However, these naive approaches have fundamental issues because they are not focused on ranking, unlike ordinal regression, which is the most appropriate approach. Ordinal regression to date has comparatively few methods when compared with other branches in machine learning, and its usage is limited to specific research domains. Ordinal logistic regression (OLR) is one such method, which is an extension for ordinal data of the well-known logistic regression, but is not familiar in speech processing, affective computing or depression prediction. The primary aim of this study is to investigate proportionality structures and model selection for the design of ordinal regression systems within the logistic regression framework. A new greedy based algorithm for partial proportional odds model selection (GREP) is proposed that allows the parsimonious design of effective ordinal logistic regression models, which avoids an exhaustive search and outperforms model selection using the Brant test. Evaluations on the DAIC-WOZ and AViD depression corpora show that OLR models exploiting GREP can outperform two competitive baseline systems (GSR and CNN), in terms of both RMSE and Spearman correlation.