Next Article in Journal
Influence of Rotational Speed on Isothermal Piston Compression System
Previous Article in Journal
High-Speed Variable Polynomial Toeplitz Hash Algorithm Based on FPGA
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

DARE: Distill and Reinforce Ensemble Neural Networks for Climate-Domain Processing

Department of Science and Engineering, Hosei University, Tokyo 184-8584, Japan
*
Author to whom correspondence should be addressed.
Entropy 2023, 25(4), 643; https://doi.org/10.3390/e25040643
Submission received: 27 February 2023 / Revised: 4 April 2023 / Accepted: 7 April 2023 / Published: 11 April 2023
(This article belongs to the Section Multidisciplinary Applications)

Abstract

:
Natural-language processing is well positioned to help stakeholders study the dynamics of ambiguous Climate Change-related (CC) information. Recently, deep neural networks have achieved good results on a variety of NLP tasks depending on high-quality training data and complex and exquisite frameworks. This raises two dilemmas: (1) the networks are highly reliant on powerful hardware devices and processing is time-consuming, which is not only inconducive to execution on edge devices but also leads to resource consumption. (2) Obtaining large-scale effective annotated data is difficult and laborious, especially when it comes to a special domain such as CC. In this paper, we propose a CC-domain-adapted BERT distillation and reinforcement ensemble (DARE) model for tackling the problems above. Specifically, we propose a novel data-augmentation strategy which is a Generator-Reinforced Selector collaboration network for countering the dilemma of CC-related data scarcity. Extensive experimental results demonstrate that our proposed method outperforms baselines with a maximum of 26.83% on SoTA and 50.65× inference time speed-up. Furthermore, as a remedy for the lack of CC-related analysis in the NLP community, we also provide some interpretable conclusions for this global concern.

1. Introduction

Climate change (CC) has become a central topic within the multiple branches of social sciences. Stakeholders are widely involved in all areas from private talks to public social media, and from scientific papers to journalistic articles. Natural-language processing (NLP) is well positioned to help stakeholders study the dynamics of ambiguous CC-related information. However, we have found that the amount of work done so far on CC remains limited within the NLP community. This is in sharp contrast to the attention that CC receives in various other social disciplines.
When BERT has been proposed, pretraining the language model with a large-scale dataset and fine-tuning it with a small-scale dataset seems to be a default or even a trend because of its powerful and excellent performance on different downstream tasks. Consequently, the LM scale-up requires more computation cost, powerful GPUs, and extensive storage and burden to be applied to edge devices. On the other hand, obtaining a large-scale effective labeled dataset to train this kind of LM is always difficult. In particular, when it comes to a specific domain such as climate change, due to the scarcity of available domain data, the model performance degrades distinctly because the data distribution of the source domain and the specific domain have severely deviated.
Domain adaptation (DA) and knowledge distillation (KD) are two typical transfer-learning methods that can help resolve this dilemma. Domain adaptation is used to generally seek and identify features shared between two domains, or learn useful representations for both domains. The latter is for model compression and acceleration, which is useful for saving computational resources.
In this paper, we propose a novel CC-domain-adapted model based on knowledge distillation and reinforcement learning. The model is known as DARE, which stands for “distill and reinforce ensemble” neural networks. Specifically, to tackle the problem of CC-related annotated dataset scarcity, we propose a novel data-augmentation strategy that is inspired by computer vision (CV). In CV, unlabeled homologous images can be easily obtained by image distortion. However, when it comes to NLP, a similar noise-additive method performs badly because of ambiguous and complicated linguistics.
Therefore, we propose to randomly replace the current word with the same part of speech (POS) as a Generator. The Generator can automatically generate abundant unlabeled sentences as an augmented dataset. It is similar to the operation of synthesizing images by distortion in CV. Furthermore, considering the particularity of linguistics, we design a Selector based on reinforcement learning (RL) to dynamically guide and select high-quality augmented data for guiding training.
To sum up, the contributions of our work are as follows:
(1) We propose to combine knowledge distillation and domain adaptation for the processing of a large number of disordered, unstructured, and complex CC-related text data. This is a language model that combines pretraining and rule embedding, which ensures that the compression model improves training speed without sacrificing too much performance. We evaluate our approach to sentiment analysis and fact-checking NLP tasks. The results fully demonstrate the excellent performance of our proposed model, which not only surpasses the baselines on accuracy and F1 score, but also reduces the parameters of the model to complete the model acceleration.
(2) Aiming to resolve the dilemma of data scarcity within the specific domain, we propose a novel data-augmentation method which is a Generator–Selector collaboration network based on reinforcement learning where the Generator automatically generates data, and the Reinforced Selector guides and selects high-quality augmented data.
(3) We provide some interpretable conclusions on climate change-related text with the use of NLP tools, which provide a theoretical basis for CC-related topic followers.
The rest of this paper is organized as follows: Section 2 briefly provides a literature review of current works. Section 3 demonstrates the details of specific LM structure modules and the proposed data-augmentation method. Section 3 carries out all the experiments, and provides results and statistical explanations. Finally, we give some conclusions and discuss the deficiencies of this work. The appendixes provide details on additional experiments.

2. Related Work

In this section, we briefly provide a literature review of current works, mainly of three aspects that are the most relevant to the core technologies used in this work. We follow the sequence of BERT-based knowledge distillation, data augmentation and domain adaptation, and the NLP of climate change-related text.

2.1. Bert-Based Knowledge Distillation

As a revolutionary representation model, BERT [1] has attracted attention in natural-language processing, but it is also a cumbersome deep model that is not easy to deploy. To address this problem, several lightweight variations of BERT (called BERT model compression) using knowledge distillation have been proposed. Sun et al. [2] proposed patient knowledge distillation, which designs a student model that patiently learns from multiple intermediate layers of the teacher model for incremental knowledge extraction. Jiao et al. [3] proposed a novel transformer distillation method that was realized to compress the model into four layers. Tang et al. [4] proposed to distill knowledge from BERT into a single-layer Bi-LSTM for sentence-pair tasks. Across multiple datasets, they achieved comparable results with ELMo, while using roughly 100 times fewer parameters and 15 times less inference time. Sanh et al. [5] proposed DistilBERT to pretrain a smaller general-purpose language representation model by introducing a triple loss combining language modeling, distillation, and cosine-distance losses. Aguilar et al. [6] proposed to distill the internal representations of a large model into a simplified version to address the problem of internal representation difference.

2.2. Data Augmentation and Domain Adaptation

However, currently, most works on reinforcement learning or adversarial learning-based data-augmentation methods for domain adaptation are concentrated on computer vision or cross-domain knowledge transfer, and there is still a lack of work in the field of NLP. Therefore, the following literature review is not limited to the combination of these two technical means to solve the NLP problem. We have selected some representative works to illustrate.
Feng et al. [7] proposed a method to learn to augment data-scarce BERT-domain knowledge distillation, learning a cross-domain manipulation scheme that automatically augments the target with the help of resource-rich source domains to tackle the problem of performance degradation due to data scarcity in the target domain. Aiming at the same problem, Ma et al. [8] presented a novel two-step domain-adaptation framework based on curriculum learning and domain-discriminative data selection. Du et al. [9] combined adversarial learning and domain adaptivity to design a post-training procedure, which will encourage BERT to be domain-aware and distill the domain-specific features in a self-supervised way. Similarly, when conducting NLP tasks with BERT-based models, domain-adaptive strategies were introduced to improve the performance of specific downstream tasks. Such works have gradually attracted the attention of researchers [10,11,12,13,14].

2.3. NLP of Climate Change-Related Text

We briefly summarize works with NLP-related methodologies on CC-related data. The number of such publications is small, so we mention them here in chronological order. Henceforth, we use “CC” as the abbreviation for “climate change”.
Cody et al. [15] used an existing available measurement tool called the Hedonometer to analyze human awareness and sentiment polarities in response to CC by retrieving tweets containing the word “climate”. Similarly, Diakopoulos et al. [16] developed a novel operationalization of moral evaluation frames and study within a corpus of 3000 blogs discussing CC. Pathak et al. [17] presented a study of a large collection of Twitter data centered on the 2015 UN Climate Change Conference. They analyzed demographics, emotion, and opinion dynamics over time and location based on topic-mining models. Such similar work to mine sentiment tendency and topic analysis from Twitter or other text data is abundant [18,19,20,21,22].
Kolbel et al. [23] used BERT to quantify regulatory climate risk disclosures and differentiate between transition and physical climate risks. Luccioni et al. [24] created a custom model so-called ClimateQA based on RoBERTa, which allows the analysis of financial reports to identify climate-relevant sections based on a question-answering approach. Webersinke et al. [25] proposed ClimateBERT, which is a transformer-based language model that is further pretrained on over 1.6 million paragraphs of climate-related texts and achieved quite good results on several validation datasets.
Given the summary above, and to the best of our knowledge, we are the first to combine specific transfer-learning methods and reinforcement-learning-based data augmentation to train LM and then apply it to CC-related texts to solve problems in the real world.

3. Model

In this section, we present an overview of the proposed method. Specifically, the framework of our model consists of three core technologies and several modules. We will follow the workflow to introduce our proposal with the sequence of knowledge distillation, data augmentation, and domain adaptation.

3.1. Knowledge Distillation

The framework includes three components: the teacher model, the student model, and the distillation target. For the teacher model, we use a 12-layer BERTbase model (https://github.com/codertimo/BERT-pytorch Accessdate|7 September 2022), including a 12-layer transformer structure. The student model is a simple Bi-LSTM-Attention model. Specifically, we design a self-attention mechanism to learn to represent more accurate semantic features and incorporate part-of-speech (POS) vectors to strengthen the sentiment connection and obtain more sentiment features. The details are introduced below.

3.1.1. Teacher Model

BERT [1] is composed of multiple layers of transformers, which facilitate the model to obtain long-distance dependencies between input data. Each layer of the transformer contains two main sublayers: multi-head attention (MHA) and feedforward network (FFN), which employ residual connections and layer normalization around each of the two sublayers. The output of each sublayer is LayerNorm (x + Sublayer(x)). To keep the connections between sublayers, all sublayers in the model, as well as the embedding layer, produce outputs of the same dimension.
Sublayer 1: The computation function of the multi-head attention mechanism relies on three parts: queries, keys, and values corresponding to matrices Q, K, and V, respectively.
Attention ( Q , K , V ) = softmax Q K T d k V
Multi-head attention refers to the result of attention computation combining multiple subspaces of different representation vectors, where n represents the number of subspaces and h i represents the vector obtained after the attention calculation in the ith subspace.
M u l t i H e a d ( Q , K , V ) = c o n c a t ( h 1 , h 2 , . . . , h n ) W
h i = A t t e n t i o n ( Q W i Q , K W i K , V W i V )
Sublayer 2: The position feedforward network is a fully connected forward network(FFN), which is:
F F N ( Z ) = m a x ( 0 , Z W 1 + b 1 ) W 2 + b 2

3.1.2. Student Model

For the student model, we use a part-of-speech-guided Bi-LSTM-Attention network, as Figure 1 shows. Long Short-Term Memory (LSTM) proposed by Hochreiter et al. [26] is a variant of RNN. Due to its design characteristics, it is often used to model contextual information in NLP tasks to better capture long-distance dependencies. Since LSTM is based on a state memory and multilayer cell structure, it can learn the information to remember and which information to forget through the training process. Bi-LSTM (Bidirectional Long Short-Term Memory) is a combination of forward and backward LSTM. In more fine-grained classification, it is necessary to pay attention to the interaction among contexts. Bi-LSTM can help better capture bidirectional semantic dependencies and help to implement backward-to-forward encoding to obtain more accurate emotional expressions. The attention mechanism has arguably become one of the most important concepts in the deep-learning field. It is inspired by the biological systems of humans that tend to focus on distinctive parts when processing large amounts of information. In a neural network, the more parameters of the model, the stronger the expression ability of the model, and the greater the amount of information stored in the model, but this will bring about the problem of information overload. Therefore, by introducing an attention mechanism, focusing on the information that is more important to the current task, and even filtering out irrelevant information. With the development of deep neural networks, the attention mechanism has been widely used in diverse application domains.
(1)
Part-of-Speech Tagging
Linguistics is always ambiguous and complicated. Part of speech (POS) mainly refers to the basic attributes of words in the text, which can well represent features and is also a process of de-fuzzification. The same one word may have various parts of speech, for example, “change” in “climate change” is a noun, while it is a verb in “change the climate”. In part-of-speech tagging, to avoid this kind of ambiguity, we need to give each word in the text a unique POS tag.
(2)
Structure of POS-Bi-LSTM-Attention
Currently, many neural network models have been successfully applied to sentiment classification tasks, but when it comes to climate change, which contains richer and more ambiguous semantic information, we should pay more attention to learning the essential characteristics of vocabulary. Hence, we propose a POS-Bi-LSTM-Attention model to optimize the algorithm from two points of view: the attention mechanism and part-of-speech-based word vectors. Specifically, we introduce a self-attention mechanism to learn to represent more accurate semantic features and incorporate part-of-speech vectors to strengthen the sentiment connection between words and POS to obtain more sentiment features. The model structure framework is designed as Figure 1 shows:
Figure 1. Structure of POS-Bi-LSTM-Attention.
Figure 1. Structure of POS-Bi-LSTM-Attention.
Entropy 25 00643 g001
Vector Representation Layer
The vector representation layer, also the embedding layer, aims to convert the word segmentation, the position information of the word, and the corresponding POS into vectors, and feed into the model. Aiming at the polysemy, irony, ambiguity, and other specific characteristics of CC context, we use Word2Vec to generate vectors.
Assuming a segmented sentence S = [ w 1 , w 2 , w 3 , , w n ] ( w i represents the ith word in the sentence), each word in the sentence is mapped to a d-dimensional vector, which is word embedding. All the words in the sentence are represented by d-dimensional vectors, and the word-embedding matrix S n d is constructed. Each word w i is transformed into a low-dimensional word-embedding v w ( e ) using the matrix–vector product, which can be expressed as:
v w ( e ) = S ( e ) h w ( e )
The embedding matrix S ( e ) R d | v | , | V | is a fixed-size vocabulary, and d denotes the dimension of word vectors. h w is the one-hot encoding of w i , and the dimension is | V | , where the value is [1] on w i , and [0] on the others. Each column S ( e ) R d in the embedding matrix represents the ith word embedding. Learned word embedding can capture semantic and structural information.
To better understand content semantics and capture important information, we propose to incorporate a self-attention mechanism into the model. Since the self-attention mechanism itself does not extract time-series features, the position-encoding vector is added along with the input word vector representation for combining the position information for achieving better results with position information. When encoding the position, although different position embedding corresponds to different positions, the association between words in different positions is inversely proportional to the distance. Considering the influence of distance on position encoding, relative position encoding is introduced. In the relative encoding process, each word can be represented as a vector P i with dimensions, therefore forming a position-encoding matrix P = [ P 1 , P 2 , P 3 , P n ] .
Given the position index j of each word in a sentence, its corresponding position-encoding vector i can be represented as P E ( i , j ) , and the position encoding with even and odd position indices is defined as:
P E ( i , j ) = s i n ( w k · j ) , if i = 2 k c o s ( w k · j ) , if i = 2 k + 1
while w k = 1 \ 1000 2 k d e m b , k is the dimension of position encoding, d e m b represents the length of feature vectors. The relative positional relationship can be learned by introducing a sin and cosine transformation mechanism. The position encoding encodes the position j which is the given input into the sequence as a d-dimensional position vector. For any fixed offset l, P E i + 1 can be described as a linear function of P E i , so that long-term memory can be stored. The jth element of the position-encoding vector P E j ( p ) can be expressed as:
P E j = [ s i n ( w l · j ) c o s ( w i · j ) s i n ( w d e m b 2 · j ) c o s ( w d e m b 2 · j ) ]
The learned embedding is used to enrich the meaning of each position of the vector P, and for each P i P , a corresponding position embedding v w ( P ) is generated, which can be expressed as:
v w ( P ) = S ( P ) h w ( P )
where h w ( P ) represents the one-hot encoding of P i , S ( e ) R k | v | is the learned position embedding transformation matrix, and | V | is the number of relative position encoding, the same size as vocabulary; k denotes the dimension of position vectors, which is the same as word vectors. v w ( P ) is the embedding vectors of d dimensions after conversion. The dimensions of the position vector and the word vector are consistent to facilitate the addition of vector units, and the final semantic vector representation of the word is obtained through the addition of vectors.
Part of speech provides a lot of information about a certain word and its context words, including the word’s POS category and the similarities and differences between them. Therefore, POS is introduced into the network as a feature for vector representation. After part-of-speech tagging, the POS tag of each word is generated, and each POS tag is converted into a POS feature vector by the one-hot vector, and the POS feature of word w is converted into POS embedding v w ( p o s ) through matrix–vector product, which can be expressed as:
v w ( p o s ) = S ( p o s ) h w ( p o s )
W ( p o s ) R d | U | is the POS embedding matrix to be learned. | U | is the number of POS tags. d ( p o s ) denotes the dimension of POS vectors, which is also the size of each column of S ( p o s ) . h w ( P ) denotes the one-hot encoding of POS tags. v w ( p o s ) is the POS embedding vectors after conversion. The part-of-speech embedding vector is concatenated with the row vector of the word semantic vector, which contains position information so that the word vector will have the grammatical structure information of this word.
For each word w, its word-embedding v w ( e ) , word position embedding v w ( p ) and the POS embedding v w ( p o s ) together constitute the input of the Bi-LSTM-Attention network.
Self-Attention Layer
The sentiment polarity of sentences is not only related to contextual information, but also related to sentiment words, degree adverbs, and negations. The words in the given sentence all contribute differently to the sentiment of the context. By combining h t ( f o r ) and h t ( b a c k ) , the semantics of the obtained hidden layer is denoted as h t , and the forward and backward semantic information in the state of h t is equal. To capture more direct semantic dependencies and enable the model to pay attention to the important information of semantic features during the training process, we introduce an attention mechanism to solve the problem of inconsistent word sentiment contribution based on the Bi-LSTM feature extraction. The output of the intermediate state from the Bi-LSTM layer is fed into the attention mechanism, which allocates different weights to words, increasing the importance of words by allocating higher weights, therefore extracting the words with more importance to enhance the ability of sentiment understanding towards the entire text and can also improve the classification efficiency. In this paper, we also propose to adopt the self-attention layer used in the transformer, and the self-attention mechanism only pays attention to its own data.
The hidden vector h t generated by the Bi-LSTM neural network at each time step is used as the input of self-attention, and the Q , K , V will be obtained by multiplying the given word-embedding e m b by the corresponding matrix W Q R d e m b d q , W K R d e m b d k and W V R d e m b d v . These matrices are learned by the model during the training phase, and the vector sizes d q , d k , d v are obtained by calculating Q = e m b W Q , K = e m b W K , and V = e m b W V . Q is a matrix Q = [ q 1 , q 2 , q n ] containing all query vectors. q i is a query vector. K is a matrix K = [ k 1 , k 2 , k n ] containing all key vectors. k i is a key vector. V is a matrix V = [ v 1 , v 2 , v n ] containing all value vectors. v i is a value vector.
For self-attention, the input sources of the three matrices Q , K , V are the same. Each hidden layer representation obtained through the Bi-LSTM layer is again encoded through a self-attention mechanism for extracting higher-level feature representations. We adopted a dot product attention method in the similarity calculation in this work. The next step is to calculate the similarity between Q and K which is to calculate X X T in this work. The specific formula expression is:
s ( h t , h i ) = h t T h i
where h t is the hidden state of the decoder at time t and h i is that on the ith position, the result of similarity calculation s ( h t , h i ) (expressed as e t i ). Finally, we normalize with SoftMax, which can be expressed as:
α t , i = e x p ( e t , i ) j = 1 N e x p ( e t , j )
The weight is then multiplied by the hidden vector of the corresponding word and added to the final attention value, which can be expressed as:
c = i = 1 N α t , i h i
The entire attention value calculation process can be expressed as:
A t t e n t i o n = S o f t m a x ( X X T d k ) V
To deal with the possible result that the dot product is too large, it is divided by an adjustment factor d k , where d k is the dimension of the vectors of key and value. This is to avoid the situation where the SoftMax value is either 0 or 1 due to the value of X X T being excessively large. The forward context representation F c is obtained by calculating the weighted sum of the forward word vectors based on the weight α , which can be expressed as: F c = ( α f h f ) . The backward context representation H c can be represented as: H c = ( α b h b ) . The context representation S = [ F c , H c ] is obtained by concatenating F c and H c . The hidden vector of each word is multiplied by its corresponding weight to obtain the vector S, which is regarded as the sentiment feature for sentiment polarity classification. By calculating and assigning the probability weights corresponding to different word vectors, the key information of the text is further highlighted, which is beneficial to extracting the deep features of the text.

3.1.3. Distillation Goal

The goal of knowledge distillation is to transfer knowledge from a large teacher network T to a small student model S. The student model network will be trained to mimic the behavior of the teacher network. f T and f S represent the behavior functions of the teacher network and the student network, respectively. The goal of the behavior function is to transform the input of the network into a coherently encoded representation of information. Formally, knowledge distillation is modeled as the minimization process of the loss function, which is expressed as:
L K D = x D L ( f S ( x ) , f T ( x ) )
where L ( · ) is the loss function that measures the gap between the teacher network and the student network, x is the input of the sample, and D is the sample dataset. Therefore, the essence of knowledge distillation is to define an effective loss function and minimize it. In BERT-based knowledge distillation, the total distillation target is composed of the word-embedding layer output, the encoding layer, and the prediction layer.
(1)
Output prediction layer distillation
y i T = s o f t m a x ( z T ) = e x p ( z i T ) j e x p ( z i T )
L p r e = M S E ( y T , y S )
where y T is the status of the output of the teacher model.
(2)
Hidden layer distillation
There are many intermediate variables in the encoding layer of the transformer. In the BERT model, the pretrained attention distribution weights can capture rich linguistic knowledge, including the co-occurrence relationship between grammar and words. Therefore, with the help of attention-based distillation learning, it helps the teacher model to transfer its learned linguistic knowledge to the student model. Students can acquire relevant knowledge by learning the teacher’s multi-head attention matrix, which can be formulated as:
L a t t n = 1 h i = 1 h M S E ( A i T , A i S )
where h is the number of attention heads, and A i is the attention distribution matrix corresponding to the ith attention head of the teacher model. The minimum M S E is set as the loss function. In the calculation of the attention-related distillation loss function, the attention matrix is not normalized, which means the calculated A i is obtained without S o f t M a x .
L h i d n = M S E ( H T , H S W h )
H T , H S denotes the hidden state corresponding to the teacher model and student model, respectively. Since the dimension of the hidden state of the student model is inconsistent with the teacher model, the weight matrix W is added to perform a linear transformation on the hidden state of the student, to ensure that they can calculate the minimum M S E loss function in the same dimensional space.
(3)
Embedding layer distillation
L e m b = M S E ( E T , E S W e )
E T , E S denotes the embedding layer corresponding to the teacher model and student model, respectively. The weight matrix W plays the same role as above.
The total distillation target L m o d e l which is also the cross-entropy loss between the soft targets of the teacher model and the student model:
L m o d e l = L p r e d ( S , T ) , l a y e r = 0 L h i d n ( S , T ) + L a t t ( S , T ) , M a x l a y e r > 0 L e m b ( S , T ) , M a x = l a y e r + 1
M a x denotes the max layer numbers.
Finally, the total distillation loss of the student model can be formulated as:
L = α L C E + ( 1 α ) L m o d e l
Thus, the objective of KD is defined as:
L K D = x X L ( f S ( x ) , f T ( x ) )
where f S and f T represent the features of the student model and teacher model, respectively. L K D ( · ) is the loss function evaluating the gap between the two models.

3.2. Data Augmentation

In this section, we will introduce our proposed reinforcement-learning-based data-augmentation method, which is a collaboration of Generator and Reinforced Selector. In the field of computer vision, there are affluent homologous images. Usually, augmented data can be generated by synthesizing images through distortion methods such as adding noise [27]. Inspired by this, we propose a POS-guided word-replacement method, which randomly replaces the current word with the same POS word as a Generator. To preserve the original training distribution, the new word is sampled from the unigram word distribution and re-normalized by the POS tag. For example, “climate change is causing Himalayan glaciers to melt”, “climate change is causing Himalayan volcanoes to melt”, and “climate change is causing Himalayan glaciers to freeze” are totally different semantics.
First, we replace nouns, verbs, adjectives, and adverbs (denoted as P O S N N , P O S V B , P O S J J , P O S R B , respectively), that have a greater impact on sentence semantics as Figure 2 shows. Then, with respect to the embeddings of tagged words and the words in a thesaurus, we can obtain a bunch of matched words. For example, we want to replace the word “climate”, which the word sequence is [ R = c l i m a t e , w 1 , w 2 , w i , w n ] , and we can obtain a tagged sequence [ R = w p o s N N , w 1 , w 2 , w i , w n ] after labeling. w i denotes the word chosen to be the substitute. Finally, we build the newly generated data D by replacing the selected words.
However, as the example shows, POS replacement is easy to apply while leading to ambiguity problems and semantic-affected [28]. In contrast to adding noise to the image, making it possible to obtain abundant homologous imagines, in NLP, POS replacement may cause the student model to not effectively learn useful information representation due to the completely changed semantics.
Thus, we design a Reinforced Selector based on reinforcement learning (RL) to dynamically select and guide high-quality augmented data. The goal of the Selector is to automatically select high-quality samples from the augmented data obtained from the Generator. The selection criteria are based on assessing whether the chosen sample can improve performance on validation and automatically updating it according to the reward. The specific collaboration structure is illustrated in Figure 3.

3.2.1. State

The state vector of sample x i mainly consists of two components: the teacher model output f T ( x i ) and the student model output f S ( x i ) . The concatenation is considered to be the final state vector s i ( k ) .

3.2.2. Action

The action value of the reinforced selector for every sample x i is 1 or 0. A value of 1 represents the action to retain the sample while 0 represents the action to remove it. After obtaining the action, the student model is updated with:
L K D = x X L ( f S ( x ) , f T ( x ) )

3.2.3. Reward

Since the criteria of the selection are based on the assessment of performance on validation, the reward r i is obtained by:
r i = L ( y i , f S ( x i ) ) L ( y i , f S ( x i ) )
where L ( · ) denotes the performance after updating while L ( · ) denotes the previous one. L ( · ) is set to be different according to specific tasks theoretically. However, in this work, the downstream tasks all belong to classification tasks, so L ( · ) is set to be the accuracy of the validation data.

4. Experiments

In this section, we report the dataset used in the experiments, the detailed implementation parameter setup, and a series of experimental results and statistical analysis on downstream tasks.

4.1. Dataset

The specific dataset used for domain-adaptive pretraining and sentiment analysis downstream task is from Berrang et al. [29], as Table 1 shows. The dataset includes the scientific literature on climate change and health published between 1 January 2013 and 9 April 2020, which is indexed in English. The search scope covers Web of Science Core Collection and Scopus. After data augmentation, the total unique record of the domain pretraining dataset is 80,750. For evaluation, we split the augmented dataset into 75% training data and 25% validation data.
For our sentiment analysis experiment, we use the dataset consisting of 1220 hand-selected paragraphs from Web of Science records before augmenting and 1000 paragraphs from Scopus records before augmenting for verification. All paragraphs were annotated as negative (risk), positive (opportunity), or neutral. The software used for collecting annotations was Prodigy (https://prodi.gy Accessdate|21 July 2022). The detailed annotation rules are explained in Appendix C.

4.2. Implement Details

We report implementation details below, including parameter settings, downstream tasks with statistical descriptions, and baselines for comparison.

4.2.1. Parameter Settings

We followed the BERTbase (https://github.com/codertimo/BERT-pytorch Accessdate|7 September 2022) settings as the teacher model with the hidden vector of each layer as 768 dimensions, and the forward propagation vector is 3072 dimensions. We initialized our student model POS-Bi-LSTM-Attention with either 150 or 300 hidden units and 200 or 400 units in the activated hidden layer according to different validation datasets. We followed the traditional 300-dimensional Word2Vec embeddings. All the models were conducted on a single Nvidia 16 GB V100 GPU. For the KD part, we tuned the temperature to α = 0.5 and T = 1. The batch size was chosen from 8, 16, 32 and the initial l r was set to be 0.001 for the transfer-learning module and 0.02 for the policy network. The hidden layer of the policy network was set to 128 (refer to Appendix A for details). We used the Adam optimizer for the reinforced selector, with β 1 = 0.9, and β 2 = 0.999, respectively.

4.2.2. Downstream Tasks

We chose to verify the model performance on the following downstream tasks: sentiment analysis and fact-checking, and the details are shown in Table 2.

4.2.3. Baselines

We would like to highlight that, to better demonstrate the effectiveness of POS tagging in the word-embedding phase and domain knowledge in the pretraining phase, we also set two groups of comparative experiments, as Table 3 shows.

4.3. Experimental Results

We report all the conducted experiments and statistical explanations in this section.

4.3.1. Sentiment Analysis

As the results show in Table 4, the two groups of comparative experiments demonstrate the effectiveness of domain pretraining and POS tagging in a word embedding. Domain pretraining improves the model with 2.64% accuracy and 2.58% F1 score, respectively. The POS tagging improves the model with 24.13% accuracy and 22.60% F1 score, respectively. This accounts for domain pretraining, which enables the model to be much more adaptive to specific downstream tasks. Compared to training BERTbase with the original large-scale open-resource dataset, small-scale domain dataset pretraining outperforms the same domain-specific downstream tasks. In addition, the model can have a better ability to obtain contextual information with POS tagging, which can alleviate semantic ambiguity to a certain extent.
Furthermore, for the sentiment analysis downstream task, our model retains 93.35% and 96.03% performance of the BERTbase (the teacher model) on accuracy and F1 score, respectively. Compared with BERTbase and DistilBERT, our model is slightly inferior in performance due to its lighter structure, but can almost have comparable performance, its accuracy is higher than other baselines by 0.34% to 26.83%, and its F1 score is higher than other baselines by 2.17% to 21.14%.
We would like to highlight that we also carried out a topic-mining experiment after obtaining sentiment polarities. Please refer to Appendix B for more details.

4.3.2. Fact-Checking

To validate our model on the fact-checking downstream task, we used the dataset CLIMATE-FEVER proposed by Diggelmann et al. [31]. This dataset comprises 1.5 k sentences that make claims about climate-related topics. The authors found that the subtle complexity of modeling real-world climate-related claims within the fever framework provided a valuable challenge for general natural-language understanding.
The claims, together with their top five evidence sentences as retrieved, are displayed to the annotators to label them as supporting, refuting, or not giving enough information to validate the claim. The claim label is by default NOT_ ENOUGH_ INFO unless there is supporting (SUPPORTS) or refuting (REFUTES) evidence. If there is both supporting and refuting evidence, the claim label is DISPUTED. The details are described in Appendix C.
Here, we follow the baselines settings as per Diggelmann et al. [31] and Webersinke et al. [25] for fairness.
As shown in Table 5, for the fact-checking downstream task, our model retains 98.77% and 98.27% performance of the BERTbase (the teacher model) on precision and Macro F1, respectively. It outperforms other baselines by 0.63% to 5.25% on precision, and outperforms other baselines by 0.312% to 10.14% on Macro F1.

4.3.3. Additional Exploring Experiments

However, the inferior results from the lightweight model, which has a simpler network structure, and the risk of losing knowledge is more or less the same as during the distilling of knowledge from the teacher model to the student model. This goes hand in hand with lightweight models, which means a faster training speed and consuming fewer computational resources. Hence, we carried out a sped-up experiment.
As Table 6 shows, our model has approximately good performance as BERTbase and DistilBERT, but with 50.65× and 12.66× speed-up of inference, respectively. For fairness, all the experiments were conducted on a single 16 GB V100 GPU. We performed model inference with a batch size of 512, our approach used 11.53× and 2.88× fewer parameters than BERTbase and DistilBERT, respectively, which indicates the effective breakthrough of our approach. Our model had the superiority of model acceleration without sacrificing too much accuracy.
To assess the effectiveness of the Generator–Selector collaboration mechanism, we conducted an experiment based on Kullback–Leibler divergence (KLD), as Figure 4 shows. KL divergence, also known as relative entropy (RE), can measure the gap of distribution between two probabilities.
By treating the normalized values of the dataset as discrete probability distributions, we can calculate the KL divergence to validate the effectiveness of the selector mechanism. In this case, considering the dataset before and after the reinforced selector, the KL divergence measures the difference between the source and the generated datasets.
The experiments above are all carried out based on optimizer parameters β 1 = 0.9, β 2 = 0.999. Figure 4 indicates that only using POS substitution to generate data can lead to considerable noise, which can cause a significant offset from the source data. This may also lead to the risk of gradient explosion and fitting problems. Therefore, it is important to design the data generation process to ensure that the generated data are of high quality and are similar to the source data.
The introduction of the reinforcement learning-based selector can help alleviate this plight to a certain extent. By automatically selecting high-quality data and continuously updating iteration, the selector can improve the quality of the generated data and improve the overall performance of the model.
To further explore the necessities of different phases of critical technologies, we conducted an ablation experiment, as Table 7 shows. We ablate the phase of knowledge distillation, the phase of domain pretraining, and the phase of data augmentation stage by stage. The results indicate the performance of the model is declining with the ablation. It demonstrates that in the case that the source domain and target domain data are offset, the model is more adaptable for specific downstream tasks by introducing domain knowledge. In addition, knowledge distillation can make the student model with a simpler structure mimic the teacher model with a more complex structure, so that knowledge can be transferred as much as possible, which cannot only help model acceleration but also enables the generated model to have domain adaptability and overcome the catastrophic forgetting problem because of the scarcity of an effectively labeled dataset.

5. Conclusions

Recently, people have been calling for attention to be paid to the impact on the climate and environment of deep neural networks, since their use has rocketed accompanied by energy consumption and carbon emissions required for training deep models that go far beyond people’s imagination. There is staggering consumption involved in the execution of training large-scale data on high-computing-power devices. This also causes us to reflect on our attitude toward deep learning: the optimal situation should break through the burden of edge devices and laborious training datasets.
However, even if many examples are sampled from a source, a domain gap exists because of the many linguistic variants, especially when it comes to a dataset such as CC that is so ambiguous and difficult to comprehend. In this work, we proposed a novel CC-domain-adapted model called DARE based on knowledge distillation and reinforcement learning for tackling the prevalent problems in NLP. Specifically, we proposed a novel data-augmentation strategy for countering the dilemma of CC-related data scarcity, which is implemented with a Generator and Reinforced Selector collaboration neural network.
Extensive experimental results demonstrate that our proposed method outperforms baselines with a maximum of 26.83% on SoTA and 50.65× inference time speed-up. Furthermore, as a remedy for the lack of CC-related analysis in the NLP community, we also provide some interpretable conclusions for this global concern. Extension experiments are demonstrated in the appendixes.
However, our work still leaves spaces that are worth investigating. For example, we replaced only one POS tag at a time in this work, but substituting two or even three POS tags at a time can generate exponentially more unlabeled datasets for us. Consequently, this gives our model room for improvement in the future.
Moreover, we decided not to include a wide coverage of CC-related data such as Twitter, because we assume that these texts are too noisy. However, it is well known that Twitter is quite a useful social platform for integrating views from people all around the world. Such kinds of views are more likely to represent comprehensive perspectives from different stakeholders. Hence, in the future, we may consider using this kind of data, and will also further explore advanced applications of this method and the possibility of optimizing the algorithm.

Author Contributions

Conceptualization, K.X.; Methodology, K.X.; Software, K.X. and A.F.; Validation, K.X.; Formal analysis, K.X.; Investigation, K.X. and A.F.; Resources, K.X.; Data curation, K.X.; Writing—original draft, K.X.; Writing—review and editing, K.X.; Visualization, K.X.; Supervision, A.F.; Project administration, A.F.; Funding acquisition, A.F. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Data Availability Statement

Lea Berrang-Ford and et al. 2021. Systematic mapping of global research on climate and health using machine learning; DOI: https://doi.org/10.5281/zenodo.4972515 Access date|17 July 2022.

Conflicts of Interest

The authors declare no conflict of interest.

Appendix A

Table A1. How different POS tags replacement act on experiment results and the relationship between different sizes of the hidden layer of the policy network. † denotes the optimal performance while the underline denotes the second-best one.
Table A1. How different POS tags replacement act on experiment results and the relationship between different sizes of the hidden layer of the policy network. † denotes the optimal performance while the underline denotes the second-best one.
POS Replacement3264128256512
P O S N N 81.4582.7885.3384.2183.10
P O S V B 85.7486.1486.7785.3984.32
P O S J J 84.6586.3488.9485.7685.23
P O S R B 88.5687.43†89.2786.3285.88
We investigate how different POS tags replacement act on experiment results and the relationship between different sizes of the hidden layer of the policy network.
The results show that the optimal size of the hidden layer of the policy network is set to be 128, so the following experiments are all carried out with the hidden layer as 128. Apparently, adverb replacement affects more of the semantics and are followed by adjectives. We may also try to replace two or three kinds of POS tags at the same time in the future.

Appendix B

Figure A1. Topic mining word cloud for positive and negative sentiment polarities.
Figure A1. Topic mining word cloud for positive and negative sentiment polarities.
Entropy 25 00643 g0a1
In the sentiment analysis section, we also conducted an experiment with the combination of TF-IDF and LDA topic models to mine opinions for both positive and negative sentiment polarities as Figure A1 shows. The topics of positive polarity generally focus on the reports or researches that fill the gaps of what is currently lacking. Or some stakeholders are taking explicit actions dealing with the status quo. The negative polarity always discloses risks of climate change. However, we found that the results did not show a definite topic difference between the two sentiment polarities, that is, the attitudes of the two groups didn’t diverge in a way. This is an interesting discovery, arguably, that climate change-related texts are so ambivalent and ambiguous that exist in the form of conflicting information. That makes sense because risks come with opportunities to a certain extent for climate change-related stakeholders.

Appendix C

LabelExample
OpportunityWe use a case study of the Australian island-state of Tasmania to demonstrate the importance and particularity of place in the formation of climate change adaptation issues, problem definition and
framing, and the dynamics of knowledge and praxis development across a range of research and industry sectors. We describe the significance of the place Tasmania with regard to its geographical
location; its portrayal as an island place; and its cultural meaning and relations.
Through a synthesis of climate change adaptation research, policy literature and engagement with researchers and stakeholders, we identify three emergent thematic place characterisations of Tasmania.
We find that these characterisations have contributed directly or indirectly to the: initiation and extent of research and practical activities;
the framing of adaptation issues and perspectives on potential adaptation responses in different sectors including the marine biodiversity and resources sector, small business and human health sectors.
Exposing these influences is essential for focusing future adaptation activities, including research, planning, investment and practice, in Tasmania and other locations where place is a central issue.
OpportunityAdoption and adaptation of the approach used may be valuable for public health organizations to assist their communities.
Through completing a vulnerability assessment, an evidentiary base was generated for public health to inform adaptation actions to reduce negative health impacts
and increase resiliency. Challenges in completing vulnerability assessments at the local level include the framing and scoping of health impacts and associated indicators,
as well as access to internal expertise surrounding the analysis of data. While access to quantitative data may be limiting at the local level,
qualitative data can enhance knowledge of local impacts, while also supporting the creation of key partnerships with community stakeholders which can ensure climate action continues
beyond the scope of the vulnerability assessment.
OpportunityCoordinated adaptation efforts can reduce heat’s adverse health impacts, however. To address this concern in Ahmedabad (Gujarat, India), a coalition has been formed to develop an evidence-based
heat preparedness plan and early warning system.
This paper describes the group and initial steps in the plan’s development and implementation. Evidence accumulation included extensive literature review, analysis of local temperature and mortality
data, surveys with heat-vulnerable populations, focus groups with health care professionals, and expert consultation.
The findings and recommendations were encapsulated in policy briefs for key government agencies, health care professionals, outdoor workers, and slum communities, and synthesized in the heat
preparedness plan.
A 7-day probabilistic weather forecast was also developed and is used to trigger the plan in advance of dangerous heat waves.
The pilot plan was implemented in 2013, and public outreach was done through training workshops, hoardings/billboards, pamphlets, and print advertisements.
Evaluation activities and continuous improvement efforts are ongoing, along with plans to explore the program’s scalability to other Indian cities,
as Ahmedabad is the first South Asian city to address heat-health threats comprehensively.
RiskThe article concludes that climate change reduces access to drinking water, negatively affects the health of people and poses a serious threat to food security.
RiskDengue is a major international public health concern, one of the most important arthropod-borne diseases.
More than 3.5 billion people are at risk of dengue infection and there are an estimated 390 million dengue infections annually.
This prolific increase has been connected to societal changes such as population growth and increasing urbanization generating intense agglomeration leading to
proliferation of synanthropic mosquito species.
RiskAgriculture in Africa is not only exposed to climate change impacts but is also a source of greenhouse gases (GHGs).
While GHG emissions in Africa are relatively minimal in global dimensions, agriculture in the continent constitutes a major source of GHG emissions.
In Ghana, agricultural emissions are accelerating, mainly due to ensuing deforestation of which smallholder cocoa farming is largely associated.
The sector is also be devilled by soil degradation, pests, diseases and poor yields coupled with poor agronomic practices.
NeutralThis is a preliminary investigation on the environmental quality of the city of Pujili, made from the collection of samples of particulate matter and vehicular traffic counts
on six points of the city. The methodology is based on the provisions of the Unified Text of Secondary Environmental Legislation for measuring atmospheric particulate matter,
and the use of count tables for vehicle registration.
The results reflect the impact of vehicular traffic, the characteristics of the rolling road layer, soil erosion, and climate on air pollution and its impact on the health of the population.
NeutralThe aim of the present study is to analyse the age effect on the lag patterns of relative risk of hospitalization for acute myocardial infarction and NO2, PM10 and O-3.
Daily hospitalizations for AMI during the period 2008–2011 were extracted from administrative data. Analyses were performed using the quasi-Poisson regression model adjusted for seasonality,
long-term trend, day of the week and temperature. We observed very different patterns depending on age. For NO2 and PM10, the younger group (25–54years) shows a more delayed effect in
comparison with the two older age groups (55–64 and >=65 years). Overall, the associations between NO2 and AMI are higher compared to PM10.
There are no associations between O-3 and AMI. This study indicates that age plays a major role in the lag pattern. Younger people have delayed effects, but they are nevertheless sensitive to
air pollution.
In the sentiment analysis experiment, we use hand-selected paragraphs for training and verifying. We followed the rules of annotation as follows. The annotators were asked to annotate the paragraphs to be a risk(negative) or opportunity(positive). The paragraph can also make just a Neutral statement.
To be more precise, we define a paragraph as a risk(negative) if the paragraph talks about climate change affecting public health; climate change leading to serious consequences, or the trend is deteriorating. When the paragraph is economic and business related, greenwashing is a specific concept relating to negative sentiment. We define a paragraph relating to an opportunity(positive) if the paragraph is talking about climate change bringing potential opportunities to some stakeholder; an entity is taking positive actions to the situation; the research provides evidence or fills the gap of what is currently lacking. Besides, the paragraph is defined to be neutral if it only states facts or statistics without any perspective or standing for any stakeholder.
For some examples, please refer to the Appendix C.1.

Appendix C.1

Examples taken from CLIMATEFEVER.
Claim: More than 100 percent of the warming over the past century is due to human actions
Claim Verdict Label: SUPPORTS
Evidence #1 The view that human activities are likely responsible for most of the observed increase in global mean temperature
(“global warming”) since the mid-20th century is an accurate reflection of current scientific thinking. [wiki/Kyoto_Protocol]
Evidence #2 The dominant cause of the warming since the 1950s is human activities.
[wiki/Scientific_consensus_on_climate_change]
Claim: Extreme weather isn’t caused by global warming
Claim Verdict Label: REFUTES
Evidence #1 Researchers have for the first time attributed recent floods, droughts and heat waves,
to human induced climate change. [wiki/Extreme_weather]
Evidence #2 The effects of global warming include rising sea levels, regional changes in precipitation,
more frequent extreme weather events such as heat waves, and expansion of deserts. [wiki/Global_warming]

References

  1. Devlin, J.; Chang, M.-W.; Lee, K.; Toutanova, K. Bert: Pre-training of deep bidirectional transformers for language understanding. arXiv 2018, arXiv:1810.04805. [Google Scholar]
  2. Sun, S.; Cheng, Y.; Gan, Z.; Liu, J. Patient knowledge distillation for bert model compression. arXiv 2019, arXiv:1908.09355. [Google Scholar]
  3. Jiao, X.; Yin, Y.; Shang, L.; Jiang, X.; Chen, X.; Li, L.; Wang, F.; Liu, Q. Tinybert: Distilling bert for natural language understanding. arXiv 2019, arXiv:1909.10351. [Google Scholar]
  4. Tang, R.; Lu, Y.; Liu, L.; Mou, L.; Vechtomova, O.; Lin, J. Distilling task-specific knowledge from bert into simple neural networks. arXiv 2019, arXiv:1903.12136. [Google Scholar]
  5. Sanh, V.; Debut, L.; Chaumond, J.; Wolf, T. Distilbert, a distilled version of bert: Smaller, faster, cheaper and lighter. arXiv 2019, arXiv:1910.01108. [Google Scholar]
  6. Aguilar, G.; Ling, Y.; Zhang, Y.; Yao, B.; Fan, X.; Guo, C. Knowledge distillation from internal representations. Proc. AAAI Conf. Artif. Intell. 2020, 34, 7350–7357. [Google Scholar] [CrossRef]
  7. Feng, L.; Qiu, M.; Li, Y.; Zheng, H.-T.; Shen, Y. Learning to augment for data-scarce domain bert knowledge distillation. Proc. AAAI Conf. Artif. Intell. 2021, 35, 7422–7430. [Google Scholar] [CrossRef]
  8. Ma, X.; Xu, P.; Wang, Z.; Nallapati, R.; Xiang, B. Domain adaptation with bert-based domain classification and data selection. In Proceedings of the 2nd Workshop on Deep Learning Approaches for Low-Resource NLP (DeepLo 2019), Hong Kong, China, 3 November 2019; pp. 76–83. [Google Scholar]
  9. Du, C.; Sun, H.; Wang, J.; Qi, Q.; Liao, J. Adversarial and domain-aware bert for cross-domain Sentiment analysis. In Proceedings of the 58th Annual Meeting of the Association for Computational Linguistics, Online, 5–10 July 2020; pp. 4019–4028. [Google Scholar]
  10. Rietzler, A.; Stabinger, S.; Opitz, P.; Engl, S. Adapt or get left behind: Domain adaptation through bert language model finetuning for aspect-target sentiment classification. arXiv 2019, arXiv:1908.11860. [Google Scholar]
  11. Zhuge, M.; Gao, D.; Fan, D.-P.; Jin, L.; Chen, B.; Zhou, H.; Qiu, M.; Shao, L. Kaleido-bert: Vision-language pre-training on fashion domain. In Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition, Nashville, TN, USA, 20–25 June 2021; pp. 12647–12657. [Google Scholar]
  12. Whang, T.; Lee, D.; Lee, C.; Yang, K.; Oh, D.; Lim, H. An effective domain adaptive post-training method for bert in response selection. arXiv 2019, arXiv:1908.04812. [Google Scholar]
  13. Sung, C.; Dhamecha, T.; Saha, S.; Ma, T.; Reddy, V.; Arora, R. Pre-training bert on domain resources for short answer grading. In Proceedings of the 2019 Conference on Empirical Methods in Natural Language Processing and the 9th International Joint Conference on Natural Language Processing (EMNLP-IJCNLP), Hong Kong, China, 3–7 November 2019; pp. 6071–6075. [Google Scholar]
  14. Lin, C.; Bethard, S.; Dligach, D.; Sadeque, F.; Savova, G.; Miller, T.A. Does bert need domain adaptation for clinical negation detection? J. Am. Med. Inform. Assoc. 2020, 27, 584–591. [Google Scholar] [CrossRef]
  15. Cody, E.M.; Reagan, A.J.; Mitchell, L.; Dodds, P.S.; Danforth, C.M. Climate change sentiment on twitter: An unsolicited public opinion poll. PLoS ONE 2015, 10, e0136092. [Google Scholar] [CrossRef] [Green Version]
  16. Diakopoulos, N.; Zhang, A.X.; Elgesem, D.; Salway, A. Identifying and analyzing moral evaluation frames in climate change blog discourse. In Proceedings of the Eighth International AAAI Conference on Weblogs and Social Media, Ann Arbor, MI, USA, 1–4 June 2014; Volume 8, pp. 583–586. [Google Scholar]
  17. Pathak, N.; Henry, M.J.; Volkova, S. Understanding social media’s take on climate change through large-scale analysis of targeted opinions and emotions. AI Mag. 2017, 38, 99–106. [Google Scholar]
  18. Salway, A.; Elgesem, D.; Hofland, K.; Reigem, Ø.; Steskal, L. Topically-focused blog corpora for multiple languages. In Proceedings of the 10th Web as Corpus Workshop, Berlin, Germany, 7–12 August 2016; pp. 17–26. [Google Scholar]
  19. Mohammad, S.; Kiritchenko, S.; Sobhani, P.; Zhu, X.; Cherry, C. Semeval-2016 task 6: Detecting stance in tweets. In Proceedings of the 10th International Workshop on Semantic Evaluation (SemEval-2016), San Diego, CA, USA, 16–17 June 2016; pp. 31–41. [Google Scholar]
  20. Jiang, Y.; Song, X.; Harrison, J.; Quegan, S.; Maynard, D. Comparing attitudes to climate change in the media using sentiment analysis based on latent dirichlet allocation. In Proceedings of the 2017 EMNLP Workshop: Natural Language Processing Meets Journalism, Copenhagen, Denmark, 7 September 2017; pp. 25–30. [Google Scholar]
  21. Luo, Y.; Card, D.; Jurafsky, D. Detecting stance in media on global warming. arXiv 2020, arXiv:2010.15149. [Google Scholar]
  22. Koenecke, A.; Feliu-Faba, J. Learning twitter user sentiments on climate change with limited labeled data. arXiv 2019, arXiv:1904.07342. [Google Scholar]
  23. Kölbel, J.F.; Leippold, M.; Rillaerts, J.; Wang, Q. Ask Bert: How Regulatory Disclosure of Transition and Physical Climate Risks Affects the Cds Term Structure; Swiss Finance Institute Research Paper no. 21-19; University of Zurich: Zurich, Switzerland, 2020. [Google Scholar]
  24. Luccioni, A.; Baylor, E.; Duchene, N. Analyzing sustainability reports using natural language processing. arXiv 2020, arXiv:2011.08073. [Google Scholar]
  25. Webersinke, N.; Kraus, M.; Bingler, J.A.; Leippold, M. Climatebert: A pretrained language model for climate-related text. arXiv 2021, arXiv:2110.12010. [Google Scholar] [CrossRef]
  26. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  27. Bayer, M.; Kaufhold, M.-A.; Reuter, C. A survey on data augmentation for text classification. ACM Comput. Surv. 2021, 55, 1–39. [Google Scholar] [CrossRef]
  28. Li, B.; Hou, Y.; Che, W. Data augmentation approaches in natural language processing: A survey. AI Open 2022, 3, 71–90. [Google Scholar] [CrossRef]
  29. Berrang-Ford, L.; Sietsma, A.J.; Callaghan, M.; Minx, J.C.; Scheelbeek, P.F.; Haddaway, N.R.; Haines, A.; Dangour, A.D. Systematic mapping of global research on climate and health: A machine learning review. Lancet Planet. Health 2021, 5, e514–e525. [Google Scholar] [CrossRef]
  30. Zhang, Y.; Zheng, J.; Jiang, Y.; Huang, G.; Chen, R. A text sentiment classification modeling method based on coordinated cnn-lstm-attention model. Chin. J. Electron. 2019, 28, 120–126. [Google Scholar] [CrossRef]
  31. Diggelmann, T.; Boyd-Graber, J.; Bulian, J.; Ciaramita, M.; Leippold, M. Climate-fever: A dataset for verification of real-world climate claims. arXiv 2020, arXiv:2012.00614. [Google Scholar]
Figure 2. Examples of POS Tag-based Word Substitution.
Figure 2. Examples of POS Tag-based Word Substitution.
Entropy 25 00643 g002
Figure 3. Integrated Structure of Distill and Reinforce Ensemble Neural Networks (DARE).
Figure 3. Integrated Structure of Distill and Reinforce Ensemble Neural Networks (DARE).
Entropy 25 00643 g003
Figure 4. KL divergence empirical curve of reinforcement learning-based Generator–Selector collaboration networks.
Figure 4. KL divergence empirical curve of reinforcement learning-based Generator–Selector collaboration networks.
Entropy 25 00643 g004
Table 1. Dataset statistics before and after augmentation. “train” represents the training dataset, and “dev” is the validation dataset. The splitting ratio is 75% and 25%. “w/o DA” denotes without data augmentation and “w/” denotes with data augmentation.
Table 1. Dataset statistics before and after augmentation. “train” represents the training dataset, and “dev” is the validation dataset. The splitting ratio is 75% and 25%. “w/o DA” denotes without data augmentation and “w/” denotes with data augmentation.
SourceRecords w/o DARecords w/DA
Web of Science21,73443,292
Scopus18,93737,458
Total Records40,67180,750 (60,560 train/20,190 dev)
Table 2. Statistics of the dataset used in different downstream tasks.
Table 2. Statistics of the dataset used in different downstream tasks.
Downstream TasksDataset UsageLabelsLabel
Distribution
Sentiment AnalysisHand-selected Domain-specific 1 Opportunity/Neutral/Risk872/900/448
Fact-checkingCLIMATE-FEVER 2 Claim:Support/Refute1943/802
1 The details are described in Appendix C. 2 https://www.sustainablefinance.uzh.ch/en/research/climate-fever.html Accessdate|11 October 2022; Examples are sampled in Appendix C.1.
Table 3. Baselines and loss function and external dataset usage.
Table 3. Baselines and loss function and external dataset usage.
ModelLoss FunctionsExternal Data Usage
BERTbase C E M L M + C E N S P
BERTbase (Domain pretrained) C E M L M + C E N S P ✔(domain)
TinyBERT [3] M S E a t t n + M S E h i d n + M S E e m b + C E K D ✔(unlabeled + labeled)
DistilBERT [5] C E K D + C o s K D + C E M L M ✔(unlabeled)
ClimateBERT [25] C E M L M + C E K D ✔(unlabeled + labeled)
CCLA + Max-Pooling [30] C E ✔(unlabeled)
Bi-LSTM-Attention C E
POS-Bi-LSTM-Attention C E
DARE (ours) M S E a t t n + M S E h i d n + M S E e m b + C E K D ✔(unlabeled + labeled + domain)
Table 4. Performance of sentiment analysis on the domain-specific dataset. ◊ and ♣, ♡, and ♠ denote two groups of comparative experiments, which are related to the effectiveness of domain pretraining and the effectiveness of POS tagging in the word-embedding phase, respectively. The underlines denote comparatively better performance.
Table 4. Performance of sentiment analysis on the domain-specific dataset. ◊ and ♣, ♡, and ♠ denote two groups of comparative experiments, which are related to the effectiveness of domain pretraining and the effectiveness of POS tagging in the word-embedding phase, respectively. The underlines denote comparatively better performance.
ModelAcc.F1
BERTbase◊0.947◊0.931
BERTbase (Domain pretrained)0.9720.955
TinyBERT0.8710.870
DistilBERT0.9140.899
ClimateBERT0.8840.875
CCLA+Max-Pooling0.8240.829
Bi-LSTM-Attention♡0.721♡0.719
POS-Bi-LSTM-Attention0.8950.882
DARE(ours)0.9030.894
Table 5. Performance evaluation on fact-checking downstream task. “w/o NOT EI” denotes without Not Enough Information to be fair with the baselines by filtering out the NOT_ ENOUGH_ INFO as the original experimental settings. † denotes the best performance and ‡ denotes the second best one.
Table 5. Performance evaluation on fact-checking downstream task. “w/o NOT EI” denotes without Not Enough Information to be fair with the baselines by filtering out the NOT_ ENOUGH_ INFO as the original experimental settings. † denotes the best performance and ‡ denotes the second best one.
ModelPre.Macro F1Pre. w/o
NOT EI
Macro F1. w/o
NOT EI
BERTbase†0.812†0.807†0.801†0.791
RoBERTa0.7820.7230.7350.712
DistilRoBERTa0.7620.7200.7240.704
ClimateBERT0.7730.7680.7490.729
DARE(ours)‡0.802‡0.793‡0.793‡0.788
Table 6. Experimental results of the speed-up. All experiments are conducted on a single NVIDIA 16 GB V100 GPU. “Of param.” denotes the number of millions of parameters, and the inference time is in seconds.
Table 6. Experimental results of the speed-up. All experiments are conducted on a single NVIDIA 16 GB V100 GPU. “Of param.” denotes the number of millions of parameters, and the inference time is in seconds.
ModelOf Param. (M)Inference Time (s)Speed-Up (Times)
BERTbase83.7/11.53×973.4150.65×
DistilBERT20.9/2.88×243.3512.66×
DARE (ours)7.26/1.00×19.221.00×
Table 7. Ablation experiments of different phases of critical technologies. “w/o” denotes without, and † denotes the best performance.
Table 7. Ablation experiments of different phases of critical technologies. “w/o” denotes without, and † denotes the best performance.
ModelAcc.F1
Basic DARE†0.903†0.894
w/o Knowledge Distillation0.8870.871
w/o Domain Pretraining0.8620.858
w/o Data Augmentation0.8450.833
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Xiang, K.; Fujii, A. DARE: Distill and Reinforce Ensemble Neural Networks for Climate-Domain Processing. Entropy 2023, 25, 643. https://doi.org/10.3390/e25040643

AMA Style

Xiang K, Fujii A. DARE: Distill and Reinforce Ensemble Neural Networks for Climate-Domain Processing. Entropy. 2023; 25(4):643. https://doi.org/10.3390/e25040643

Chicago/Turabian Style

Xiang, Kun, and Akihiro Fujii. 2023. "DARE: Distill and Reinforce Ensemble Neural Networks for Climate-Domain Processing" Entropy 25, no. 4: 643. https://doi.org/10.3390/e25040643

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop