
The purpose of this paper is to investigate whether the gender diversity of audit committees has a significant impact on the level of a dividend payout ratio using a sample of French firms listed on the Société des Bourses Françaises 120 (SBF 120) index after quota law enactment (from 2012 to 2019). While previous studies examined the effect of board gender diversity on dividend policy, we focus on women representation on audit committees. In fact, women membership in board committees reflects their involvement in corporate governance and decision-making, especially in a context where gender diversity is enforced. Overall, our results are in line with the outcome hypothesis and show a positive effect of female representation in audit committees on corporate dividend payouts. Additionally, we show that the size and independence of audit committees are positively related to the dividend payout ratio. Our findings are robust for alternative measures of dividend payments.
Citation: Sameh Halaoua, Sonia Boukattaya. 2023: Does gender diversity in the audit committee influence corporate dividend policy? Evidence from French listed firms, Green Finance, 5(3): 373-391. doi: 10.3934/GF.2023015
[1] | Hui Xu, Jun Kong, Mengyao Liang, Hui Sun, Miao Qi . Video behavior recognition based on actional-structural graph convolution and temporal extension module. Electronic Research Archive, 2022, 30(11): 4157-4177. doi: 10.3934/era.2022210 |
[2] | Zhiming Cai, Liping Zhuang, Jin Chen, Jinhua Jiang . Lightweight high-performance pose recognition network: HR-LiteNet. Electronic Research Archive, 2024, 32(2): 1145-1159. doi: 10.3934/era.2024055 |
[3] | Longkui Jiang, Yuru Wang, Weijia Li . Regress 3D human pose from 2D skeleton with kinematics knowledge. Electronic Research Archive, 2023, 31(3): 1485-1497. doi: 10.3934/era.2023075 |
[4] | Chengyong Yang, Jie Wang, Shiwei Wei, Xiukang Yu . A feature fusion-based attention graph convolutional network for 3D classification and segmentation. Electronic Research Archive, 2023, 31(12): 7365-7384. doi: 10.3934/era.2023373 |
[5] | Yunfei Tan, Shuyu Li, Zehua Li . A privacy preserving recommendation and fraud detection method based on graph convolution. Electronic Research Archive, 2023, 31(12): 7559-7577. doi: 10.3934/era.2023382 |
[6] | Bingsheng Li, Na Li, Jianmin Ren, Xupeng Guo, Chao Liu, Hao Wang, Qingwu Li . Enhanced spectral attention and adaptive spatial learning guided network for hyperspectral and LiDAR classification. Electronic Research Archive, 2024, 32(7): 4218-4236. doi: 10.3934/era.2024190 |
[7] | Muhammad Ahmad Nawaz Ul Ghani, Kun She, Muhammad Usman Saeed, Naila Latif . Enhancing facial recognition accuracy through multi-scale feature fusion and spatial attention mechanisms. Electronic Research Archive, 2024, 32(4): 2267-2285. doi: 10.3934/era.2024103 |
[8] | Wenrui Guan, Xun Wang . A Dual-channel Progressive Graph Convolutional Network via subgraph sampling. Electronic Research Archive, 2024, 32(7): 4398-4415. doi: 10.3934/era.2024198 |
[9] | Xinzheng Xu, Xiaoyang Zhao, Meng Wei, Zhongnian Li . A comprehensive review of graph convolutional networks: approaches and applications. Electronic Research Archive, 2023, 31(7): 4185-4215. doi: 10.3934/era.2023213 |
[10] | Yongsheng Lei, Meng Ding, Tianliang Lu, Juhao Li, Dongyue Zhao, Fushi Chen . A novel approach for enhanced abnormal action recognition via coarse and precise detection stage. Electronic Research Archive, 2024, 32(2): 874-896. doi: 10.3934/era.2024042 |
The purpose of this paper is to investigate whether the gender diversity of audit committees has a significant impact on the level of a dividend payout ratio using a sample of French firms listed on the Société des Bourses Françaises 120 (SBF 120) index after quota law enactment (from 2012 to 2019). While previous studies examined the effect of board gender diversity on dividend policy, we focus on women representation on audit committees. In fact, women membership in board committees reflects their involvement in corporate governance and decision-making, especially in a context where gender diversity is enforced. Overall, our results are in line with the outcome hypothesis and show a positive effect of female representation in audit committees on corporate dividend payouts. Additionally, we show that the size and independence of audit committees are positively related to the dividend payout ratio. Our findings are robust for alternative measures of dividend payments.
Human action recognition is one of the main research areas in the study of computer vision and machine learning, aiming to understand and assign a label to each action [1,2]. It appears in a wide range of applications such as video surveillance systems [3,4], human-computer interaction and robotics for human behavior characterization [5].
In general, most existing approaches in human action recognition fall into two main categories: RGB video based approaches [6,7,8] and skeleton-based methods [9,10,11,12,13,14,15] with respect to the types of input data. The RGB video based approaches are computationally expensive in processing RGB pixel information of videos, while the skeleton-based models are more efficient as they only need to calculate the 2D or 3D human joint point data. In addition, skeleton-based action recognition stands out due to its great potential in adaptability to dynamic circumstance and illumination variation [16,17,18,19,20].
It is well-known that extracting effective features for background separation and representation learning in skeleton-based action recognition is a challenging problem. The traditional deep learning-based methods are good at assembling skeletons as a set of independent joint features [21,22] or pseudo-images [23,24], i.e., representing skeleton data as vector sequences or two-dimensional vectors. With the constructed features, models and spatial-temporal correlations between them are given and learned. However, such vector-based representation cannot fully exploit the intrinsic relationships of human joints on account of ignoring the dependencies and inherent connections of the related ones. Thereupon, graph convolution networks (GCN) [25] have been used to capture inter-joint interactions, in which the natural connections of human joint points can be modeled as a spatial graph that corresponds to a graph convolution layer. As such, GCN-based spatial-temporal model is built at different time steps.
For robust action recognition, the GCN-based skeleton graph prefers to extract multi-scale structural features, which are set subjectively [25]. However, the artificially designed graph structures involve connections that may hinder human actions in actual motion, resulting in models that are insufficient to effectively capture the spatio-temporal joint dependencies of complex regions. For example, there is usually a close relationship between hands and legs in the "running" action. However, it is difficult to obtain this relationship by an artificially constructed multi-scale structure. The recent approaches based on the self-attention mechanism (SA) can be used to learn the interactions between joints [26,27]. However, these methods only verify the feasibility of SA experimentally. To address these problems, we propose a unified framework, namely SA-GCN, that integrates the SA into the GCN for low-quality motion video data with fixed viewing angle*. Compared with existing methods, this model fully exhibits the possible positive connections between different nodes, as shown in Figure 1.
*This dataset includes the raw data without regularization, which is introduced in ST-GCN [25].
To the best of our knowledge, this is the first study which pursues the impact of the SA mechanism on GCN in the area of action recognition (the latest and most representative study on SA-augmented GCNs was mainly to tackle the over-fitting and over-smoothing problems, e.g., see [28]). On the one hand, SA-GCN uses GCN as the basic component of the attention mechanism to extract the weights of joint point data in different frames of the same video. On the other hand, this component is beneficial to deepen the correlations of disconnected nodes of human joints, so that the learned long-distance temporal relationship is reflected in distant frames.
Extensive experiments on NTU-RGBD [29] and NTU120 [30] datasets demonstrate a superior performance of SA-GCN in terms of accruacy, and in comparison with a range of state of the art models across various skeleton-based action recognition tasks.
In summary, this paper claims three main contributions:
1) SA-GCN is a unified spatio-temporal graph convolution framework, which extracts better features by automatically learning the weight information between joint points at different scales. In addition, SA-GCN introduces a new SA mechanism with different scales for characterizing the multi-scale dependencies of joints, which greatly promotes the effectiveness in the learning of spatio-temporal features.
2) The proposed SA mechanism combines the structural informtion of the graph and the self-learning fusion features.
3) The proposed model achieves competitive performance for skeleton-based action recognition.
Graph neural networks (GNNs) have shown a great potential in computing irregular nodes in a graph [31]. Existing GNN models are mainly divided into two categories: spectral-based methods [32] and spatial-based approaches [27]. The former is based on feature decomposition, and performs convolution operations in the graph spectral domain. Thus the computational efficiency is limited due to the large amount of computation brought by feature decomposition. The latter (i.e., spatial-based GNNs) directly implements the operation of convolution on graph nodes and their neighbors in the spatial domain, thus is able to overcome the limitations of spectral-based methods. The method presented in this paper belongs to the second category.
Multi-scale GNNs are often used to capture the features for adjacent points. For example, [33] obtains image features by aggregating the higher-order polynomials of graph adjacency matrices. [34] represents multi-scale features by utilizing the graph adjacency matrix with a higher power. Nonetheless, these approaches inevitably and undesirably involve the artificial setting of structures for the adjacent points. Moreover, it is insufficient to rely only on the experimental verification that the setting of structures is optimal. Hence, the SA mechanism is proposed to lighten the problem of human interference.
Attention mechanism [26] is critical in human cognition, which has revolutionized natural language processing and has been applied in image recognition [35], image synthesis [36] and video processing [37]. It is well-known that the human visual system captures structural features through partial glimpse and salient objects, rather than processing the whole at once [38].
Recently, attention has been proposed to improve the performance of convolutional neural networks (CNNs) for large-scale classification tasks. For example, a residual attention network (RAN) was introduced in an end-to-end training fashion [39], in which the attention modules are stacked and attention-aware features change adaptively as layers go deeper. Similarly, the channel-wise attention is incorporated into squeeze-and-excitation networks, which adaptively recalibrates the global average-pooled features by explicitly using interdependencies between channels [40].
However, the attention mechanisms have rarely been used in GCNs for action recognition. Considering the proven advantages of attention in computer vision tasks [41], it is natural to integrate SA into GCN as done in this paper, which reinterprets mathematically the positional relationship of each feature fusion in the attention mechanism. Experiments of large-scale dataset further demonstrate that SA mechanism can bring improvements in performance.
Traditional methods for skeleton-based action recognition can be divided into two types: handcrafted feature-based models [42] and deep learning-based approaches [43]. However, the performance of handcrafted feature-based methods is often unsatisfactory since local factors are used and the most important structural connections of the human body are ignored. The emergence of deep learning-based methods significantly improve the performance of skeleton recognition. For example, spatial graph convolution and interleaved temporal convolution are used for spatio-temporal characterization of the skeleton data (ST-GCN) [25]. Similarly, a multi-scale module is introduced to implement graph convolution modeling by raising the graph adjacency matrix of skeleton to a higher power [44]. In addition, the model of multi-scale adjacency matrix can also be performed by generating human poses and adding spatial graph convolution [45]. In [27], by using video frame segmentation, a set of videos is divided into four groups according to time and space for processing and combination, which expands the receptive field and achieves a great success in computer vision.
Different from the above methods, the graph convolution method proposed in this paper uses a SA mechanism. More specifically, the proposed approach uses GCN as part of the SA mechanism instead of forcing them to be summed as in existing methods [26]. In this way, the proposed method can better re-express the weights of the connection matrix.
In this section, we present the proposed SA-GCN framework in detail.
Skeleton data usually consists of a sequence of frames, in which each frame has a set of human joint coordinates in 2D or 3D form [25]. Naturally, a spatial-temporal graph for skeleton data can be constructed, in which the nodes are human joint points and the edges include the natural connections of joints in human body structure over time in motion.
The skeleton data is formulated as a undirected spatial temporal graph G=(V,E), where V={vti|t=1,...,T,i=1...,N} is the set of nodes including all the joints, T denotes video frames which feature both intra-body and inter-frame connectons, N is the total number of joints and E is the edge set. Usually, E is split into two subsets. One represents the intra-skeleton connection in each frame and the other depicts the inter-frame edges, which corresponds to the same joint point connections in consecutive frames. In fact, the ST-GCN is composed of spatial graph convolution and temporal graph convolution.
In the spatial dimension, the graph convolution is manipulated on each node and the corresponding neighbor set. For each node vti, the neighbor set is given as:
BS(vti)={vtj|d(vtj,vti)≤D}, |
where d(vtj,vti) is the shortest distance of any path from vtj to vti. D=1 means the 1-neighbor set of joint nodes. That is, if there is a connection between vtj and vti, then d(vtj,vti) is 1, and if there is no connection, it is 0.
According to the spatial partition strategies introduced in [25], the above neighbor set is divided into three labels, including: 1) the root node itself; 2) the centripetal subset which contains the adjacent nodes closer to the center of gravity than the root; 3) the centrifugal subset, which includes the adjacent nodes that are further away from the center of gravity than the root, as shown in (a) of Figure 1 (red, blue and orange represent three division strategies respectively). Hence, the spatial graph convolution is defined as:
fout(vti)=∑vtj∈BS(vti)1Zti(vtj)fin(vtj)⋅W(Lti(vtj)) | (3.1) |
where fin(⋅) and fout(⋅) represent input and output features of this convolution layer, vtj denotes the j-th node of the graph on frame t, and BS(vti) is the sampling area of the convolution, characterized by the vertex with a distance of 1 from the target vertex. W(⋅) is the weighting function similar to convolution, which gives a weight vector based on the given data. Lti(⋅) is the label function, which allocates a label from 0 to K−1 to each node in BS(vti). Usually, we can set K = 3 [25]. Zti(⋅) denotes the number of nodes in the subset of BS(⋅) with the label Lti.
In practice, the skeletal sequence is usually denoted as a 3-order tensor of shape C×T×N, where C,T and N are respectively the numbers of channels, frames and joints. Thus, the implementation of Eq (3.1) can be transformed into the tensor format, such as fin∈RCin×T×N and fout∈RCout×T×N that represent the input and output feature maps, respectively. To perform multiplication of tensors, we reorder the elements of a tensor into a matrix through unfolding or flattening.
More technically, the connections between nodes in the skeleton graph are represented as an adjacency matrix A∈{0,1}N×N. The adjacency matrix corresponding to the k-th subset of the neighbor set BS(vti) can be denoted as Ak.
Let Fin∈RN×Cin be the input features of all joints in each frame, where Cin is the dimensionality of the input feature, and Fout∈RN×Cout is the output feature from the spatial graph convolution, where Cout is the dimensionality of output feature. Therefore, the implementation of the above Eq (3.1) can be rewritten as:
Fout=K−1∑k=0Mk⊙˜AkFinWk, | (3.2) |
where ˜Ak=Λ−12k(Ak+I)Λ−12k∈RN×N is the normalized adjacent matrix for each partition label. Λ∈RN×N is the diagonal degree matrix with Λiik=∑j(Aijk)+α, and α is a small number to avoid division by zero. ⊙ is the element-wise multiplication. Mk∈RN×N and Wk∈RCin×Cout are learnable weight matrices for each partition label, which capture the strength of connections (i.e., edge weights) and the feature importance respectively.
In the temporal dimension, since the graph is given by corresponding joints in the two adjacent frames, the number of neighbors for each node is 2. Accordingly, the temporal graph convolution is similar to the classical convolutional operation, which is performed on the T×N output feature matrix mentioned above. Generally, the kernel size is set to 9, as in [10,11,25]. However, it should be emphasized that the respective fields for the spatial and temporal dimensions are set artificially. Thus, it is necessary that a SA mechanism is enforced to reduce the dependance on human interference.
As illustrated in the previous Section 3.1, the graph convolution can be obtained by a standard 2D convolution and a multiplication between the resulting tensor and the normalized adjacency marix under the spatial temporal cases. To automatically capture the relationships within the matrix, we introduce a SA operation into ST-GCN to further focus on the important regions and increase the model's attention to important joint point information.
The SA function can be viewed as a mapping from the query and a set of key-value pairs to an output [8,26]. For an input tensor of shape (Cin,T,N), we flatten it to the corresponding matrix X∈RCinT×N and perform the single head attention. Hence, the output of the SA mechanism can be formulated as:
Attention(Q,K,V)=softmax((QKT)√dk)V, | (3.3) |
where WQ,WK∈RCin×dk and WV∈RCin×dk are learned linear transformations that map the input X to queries Q=XWQ, keys K=XWK and values V=XWV. dk is the depth of queries and keys.
Specifically, SA explores the correlations in a skeletal sequence, which are calculated for each position by the weighted sum over all positions. Moreover, the weight of each position in the similarity matrix is dynamic. Let x denote the input signal and y be the output. The SA module can be written as:
y(x)=σ(h(f(x)⋅g(x))+x), | (3.4) |
where f(x)=softmax(θ(x)Tϕ(x)) is used to generate the similarity matrix. θ(x)=Wθx, ϕ(x)=Wϕx, g(x)=Wgx, h(x)=Whx, and Wh, Wθ, Wϕ and Wg are learnable. σ(⋅) is the activation function. In fact, here the similarity matrix is a weighted adjacent matrix in Eq (3.2). Hence, Equation (3.4) is named as SA-GCN.
It is common sense for each action recognition category that the motion and nodes in different frames are different. Therefore, it is not enough to express the intra-skeleton connections in each frame and the inter-frame correlations by only learning a total joint point weight matrix as in ST-GCN (Eq (3.4)). To address this problem, we propose to learn and represent all weights of the node for each frame by the attention mechanism.
In traditional methods of attention, the input is usually expressed as the addition of the input matrix and the position variable, as shown in Figure 2(a). It is formally defined as:
xout=xin+A | (3.5) |
where A can be represented as the positional relationship of the input nodes, and xin and xout represent the original data and the fusion data with the position variable.
However, in this paper we do not use the simple addition to fuse the input data and location variables. Instead, as shown in Figure 1(b), feature fusion is expressed as:
xout=Dnormxin, | (3.6) |
where xin and xout represent the input and output matrices of the attention mechanism. Dnorm denotes the Laplacian regularization matrix, which represents the position information that can be formulated as Dnorm=Λ−12(A+I)Λ−12. A is the adjacency matrix, I is the identity matrix, and Λ is the degree matrix of the node. In this paper, Dnorm is implemented as Mk⊙˜Ak.
Compared to the traditional methods, the regularization matrix Dnorm in Eq (3.6) guarantees the adaptive choice of the position matrix instead of manual setting. Simultaneously, we utilize the multiplication between input matrix and the position matrix (i.e., Dnormfin), rahter than addition of the two in the traditional transformer architecture.
Next, we process the resulting matrix of Eq (3.6) to find the weight relationship between the different nodes of the input matrix. By integrating the attention module into Eq (3.6), the output result can be converted into multiple data matrices containing different information streams, as shown in Figure 3. Therefore, the conversion formula for input data is denoted as:
Q=DnormxinWQ,K=DnormxinWK,V=DnormxinWV, | (3.7) |
where WQ, WK and WV are the corresponding parameter matrices. dk in Eq (3.3) is defined as the row vector of the input data, that is, the number of joint points. Specifically, it is proved experimentally that using batchnorm in Eq (3.3) is more effective than the softmax function.
We then set Watt=Attention(Q,K,V). By using Eqs (3.3), (3.4) and (3.6), the proposed network can be written as:
fout=σ(Watt). | (3.8) |
We can see from Eq (3.8) that SA-GCN assembles a single module of the attention mechanism in a form similar to the spatial GCN (Eq (3.4)). Moreover, the proposed attention mechanism is heuristic since the mathematical formula of Eq (3.7) coincides with the input form Eq (3.6) proposed in this paper. The flow chart of SA-GCN is generalized in Figure 4, in which the proposed weight matrix of each frame is combinated with the original joint point weight matrix Mk of ST-GCN in Eq (3.2).
An important theoretical advantage of SA-GCN is that the attention mechanism in SA-GCN is interpretable. Specifically, the standard GCN is used as a component of the attention mechanism, which has a more theoretical derivation in the processing of data location variables. This enhances the dependency of the data on the existence of different joints. Specifically, the existing methods only describe the relationship between key nodes and adjacent joint points. However, the features processed by the proposed SA in this paper more fully demonstrate the positive influence between key points and all other nodes involved in the action (for example, the mapping strategy from (a) to (b) shown in Figure 1).
The previous subsection (i.e., Section 3.3) is focused on improving the spatial method in SA-GCN, for which the attention mechanism is used to extract the joint weights of different frames in a video. On the other hand, it is well recognized that temporal modeling is also essential for video action recognition. For temporal modeling, we adopt the classical 2D graph convolution with kernel size 9 as introduced in the original ST-GCN [25]. That is
fout=Cov2D[K+1][fin]. | (3.9) |
where D=1 and K=9.
To deploy the proposed SA-GCN on video data, we build a concrete network structure upon the spatio-temporal graph convolution, as shown in Figure 4(a). Specifically, the network utilizes 10 SA-GCNs to perform feature fusion and feature extraction on the input spatio-temporal skeleton data. And the feature information is aggregated by global average pooling. Finally, the prediction result is given by the fully connected layer and the softmax layer. Among them, each SA-T block in (b) of Figure 4 is composed of a temporal graph convolution and a spatial graph convolution respectively, to extract a mixture of spatio-temporal features, and it also uses the residual structure to to prevent data overfitting and improve the generalization ability of the model, as shown in Figure 4(b).
In summary, SA-GCN jointly learns the total weight matrix and the weight matrix of each frame, which are expected to greatly improve the performance of the original ST-GCN. The next section will present the experimental results and illustrate the potential of SA-GCN.
NTU-60 RGB+D Dataset. This is currently the largest and most widely used indoor action recognition dataset, which contains 56,000 action clips across 60 action categories [29]. The clips were performed by 40 volunteers in various age groups ranging from 10 to 35 years old. Each action was obtained by three cameras at the same height with different horizontal angles: −45∘, 0∘, and 45∘. This dataset includes location information of 3D joints for each frame detected by Kinect depth sensors, where 25 joints are contained for each subject of the skeleton sequences and each video has no more than 2 subjects. We evaluate the proposed model using two benchmarks derived from the NTU-60 RGB+D dataset, according to the metrics introduced in [25]. The two benchmarks are:
1) Cross-subject (X-Sub/CS): The dataset based on this benchmark is divided into a training set including 40,320 videos and a validation set containing 16,560 videos, where the persons within the videos are different.
2) Cross-view (X-View/CV): The dataset based on this benchmark has the cameras with different horizontal angles, where 37,920 videos in the training set are obtained from the angles (0∘ and 45∘), and 18,960 videos in the validation set are captured from the angle −45∘).
NTU-120 RGB+D Dataset. This is a large-scale dataset for 3D skeleton-based action recognition, which is obtained from 106 distinct subjects and contains more than 114 thousand video samples and 8 million frames [30]. In fact, this dataset can be seen as an expansion of the NTU-60 RGB+D dataset in the number of performers and action categories. It has 120 different action classes including daily actions, mutual behaviors, and health-related activities. Two specific benchmarks are derived from this dataset, namely X-Sub and cross-setup.
1) X-Sub: The dataset consists of training and testing groups, where each group contains 53 subjects.
2) X-View: The dataset divides samples into training and testing groups, in which the even setup samples are used for training and the odd setup samples are used for testing.
We follow this rule and give the top-1 accuracy about X-Sub and X-View in all experiments.
The model proposed in this paper is composed of nine SA-GCN stacks. The first 4 SA-GCN channels of the model are 64, the number of channels is doubled from the 5th to the 7th, and the last three are 256. The convolution stride is set to 2. For fairness in the experimental comparisons, the parameters and number of channels used in different comparative models are the same. Specifically, we train the model for 80 epochs using stochastic gradient descent (SGD) with Nesterov momentum (0.9), batch size 24, and initial learning rate 0.1. In the tenth and fifth iterations, the learning rate is reduced tenfold, respectively. For video data with more than two people, only the first two people are selected, and all skeleton data is filled to T = 300. In addition, this paper chooses a data preprocessing method similar to ST-GCN, in which only skeleton data is selected as the comparison data and the influence of other data streams is not considered. All experiments were conducted on PyTorch with 4 TITANX GPUs.
In this section, we perform our proposed method on the NTU-60 and NTU-120 datasets to compare with 3 previous state of the art approaches, which include ST-GCN [25], two-stream adaptive GCN (2s-AGCN) [27] and GCN-NAS† [46]. For fair comparisons, we use the data extraction method suggested by ST-GCN [25] in all experiments, which is raw data without preprocessing such as regularization.
†GCN-NAS: learning GCN for skeleton-based human action recognition by neural searching.
a ST-GCN [25]: It is a generic representation of skeleton sequences for action recognition by extending GCNs to a spatial-temporal graph model.
b 2s-AGCN [27]: It is the two-stream adaptive GCN for skeleton-based action recognition, which models both the first-order and the second-order information simultaneously to improve the acuuracy of recognition.
c GCN-NAS [46]: It is the automatically designed GCN for skeleton-based action recognition based on neural architecture search, which uses a sampling-and memory-efficient evolution strategy to find the optimal architecture for recognition.
d STAR [47]: It is an action recognition model based on sparse transformer.
e TSTE [48]: It is a two-stream transformer encoder network based on spatio-temporal feature and shape transformation.
f TAG [49]: It is a generalization of ST-GCN based on weak feature extraction.
The proposed model improves the spatial convolution in ST-GCN by adding a SA mechanism, which realizes the application of the attention module in GCN and strengthens the ability of the model to extract joint weights.
Table 1 summarizes the results on the two benchmarks of the NTU-60 dataset. The comparison is based on the same data processing method and the same skeleton data flow. We can find that SA-GCN gives the best results on X-view and X-Sub. For instance, compared to ST-GCN [25], the accuracy of SA-GCN is increased by about 3.2% on both X-View and X-Sub. On X-View, the accuracy of SA-GCN is 1.7% higher than that of 2s-AGCN [27] and GCN-NAS [46]. On X-Sub, SA-GCN achieves an improvement of 5.6% and 2.0% than 2s-AGCN [27] and GCN-NAS [46] respectively.
Methods | X-View | X-Sub |
ST-GCN[25] | 88.3 | 81.5 |
2s-AGCN[27] | 89.8 | 79.1 |
GCN-NAS[46] | 89.8 | 82.7 |
STAR[47] | 89.0 | 83.4 |
TSTE[48] | 85.3 | 80.5 |
TAG[49] | 90.0 | 82.1 |
SA-GCN(ours) | 91.5 | 84.7 |
The results on the NTU-120 are shown in Table 2. SA-GCN is able to outperform ST-GCN and 2s-AGCN on both X-View and X-Sub. Compared with GCN-NAS, the accuracy of the SA-GCN achieves suboptimal. This is due to the higher complexity of the GCN-NAS model. However, our model does not involve complex parameters and is basically the same as ST-GCN. Meanwhile, it should be emphasized that the attention mechanisms advocated in SA-GCN all share parameters.
Methods | X-View | X-Sub |
ST-GCN[25] | 78.1 | 75.5 |
2s-AGCN[27] | 77.5 | 78.0 |
GCN-NAS[46] | 80.5 | 78.0 |
STAR[47] | 80.2 | 78.3 |
TSTE[48] | 67.5 | 66.6 |
SA-GCN(ours) | 79.2 | 78.5 |
In this part, we give the influences of the SA-GCN on NTU60 dataset, which is shown in Table 3. As can be seen from these experiments, the proposed model with SA-GCN generates unanimously more promising results than the other methods.
SAM | GCN | X-View | X-Sub |
√ | × | 80.0 | 73.0 |
× | √ | 88.3 | 81.5 |
√ | √ | 91.5 | 84.7 |
In this work, we have proposed a unified spatio-temporal SA-GCN for low-quality motion video data with fixed viewing angle, where the designed SA module can be regarded as a GCN. Based on this module, the proposed model can extract features efficiently by learning weight between joint points of different scales. Furthermore, the designed SA mechanism not only characterizes the multi-scale dependencies of joints, but also integrates the structural features of the graph and the ability of self-learning fusion features. Moreover, since the parameters in the attention mechanism are shared, the total number of parameters of the model does not increase significantly. Extensive experiments on NTU-60 RGB+D and NTU-120 RGB+D datasets show that the proposed model achieves substantial improvements over mainstream methods. In the future, we will focus on optimization of the model structure and application in random motion videos.
The authors declare they have not used Artificial Intelligence (AI) tools in the creation of this article.
This work was supported in part by the National Nature Science Foundation of China (62072312, 62071303, 61972264), in part by Shenzhen Basis Research Project (JCYJ20210324094009026, JCYJ20200109105832261), the Project of Educational Commission of Guangdong Province (2023KTSCX116) and National Nature Science Foundation of Guangdong Province (2023A1515011394).
The authors declare there is no conflict of interest.
[1] | Abbas M, Qureshi SU, Ahmed MM, et al. (2018) Corporate Governance and dividend payout policy: Mediating role of leverage. Pak J Soc Sci 38: 62–86. Available from: https://pjss.bzu.edu.pk/index.php/pjss/article/view/572 |
[2] |
Abbott L, Parker S, Peters G (2004) Audit committee characteristics and restatements. Auditing-J Pract Th 23: 69–87. https://doi.org/10.2308/aud.2004.23.1.69 doi: 10.2308/aud.2004.23.1.69
![]() |
[3] |
Ahmed I, Ghafoor Z (2022) Audit committee characteristics and debt choice: evidence from the S & P 500. Span J Financ Account 51: 1–24. https://doi.org/10.1080/02102412.2022.2031507 doi: 10.1080/02102412.2022.2031507
![]() |
[4] |
Adams R, Ferreira D (2009) Women in the boardroom and their impact on governance and performance. J Financ Econ 94: 291–309. https://doi.org/10.1016/j.jfineco.2008.10.007 doi: 10.1016/j.jfineco.2008.10.007
![]() |
[5] |
Adjaoud F, Ben Amar W (2010) Corporate Governance and Dividend Policy: Shareholders' Protection or Expropriation? J Bus Financ Account 37: 648–667. https://doi.org/10.1111/j.1468-5957.2010.02192.x doi: 10.1111/j.1468-5957.2010.02192.x
![]() |
[6] |
Al-Absy MSM, Almaamari Q, Alkadash T, et al. (2020) Gender Diversity and Financial Stability: Evidence from Malaysian Listed Firms. J Asian Financ Econ Bus 7: 181–193. https://doi.org/10.13106/JAFEB.2020.VOL7.NO12.181 doi: 10.13106/JAFEB.2020.VOL7.NO12.181
![]() |
[7] |
Al-Dhamari RA, Ku Ismail KNI, Al-Gamrh BA (2016) Board diversity and corporate payout policy: Do free cash flow and ownership concentration matter? Corp Ownersh Control 14: 373–383. https://doi.org/10.22495/cocv14i1c2p9 doi: 10.22495/cocv14i1c2p9
![]() |
[8] |
Al Farooque O, Hamid A, Sun L (2021) Does Corporate Governance Have a Say on Dividends in Australian Listed Companies? Australas Account Bus Financ J 15: 47–75. https://doi.org/10.14453/aabfj.v15i4.4 doi: 10.14453/aabfj.v15i4.4
![]() |
[9] |
Al Farooque O, Buachoom W, Sun L (2020) Board, audit committee, ownership and financial performance – emerging trends from Thailand. Pac Account Rev 32: 54–81. https://doi.org/10.1108/PAR-10-2018-0079 doi: 10.1108/PAR-10-2018-0079
![]() |
[10] |
Albersmann BT, Hohenfels D (2017) Audit committees and earnings management–Evidence from the German two-tier board system. Schmalenbach Bus Rev 18: 147–178. https://doi.org/10.1007/s41464-017-0028-9 doi: 10.1007/s41464-017-0028-9
![]() |
[11] |
Aljughaiman A, Albarrak M, Cao ND, et al. (2022) Cost of equity, debt financing policy, and the role of female directors. Cogent Econ Financ 10: 1–34. https://doi.org/10.1080/23322039.2022.2109274 doi: 10.1080/23322039.2022.2109274
![]() |
[12] |
Al Lawati H, Hussainey K (2021) The impact of audit committee financial expertise on corporate financial decisions. Corp Ownersh Control 18: 348–359. https://doi.org/10.22495/cocv18i3siart9 doi: 10.22495/cocv18i3siart9
![]() |
[13] |
Almulla M, Juhmani OI (2021) Audit Committee Characteristics and Dividend Payouts: The Case of Gulf Cooperation Council Countries. International Conference on Decision Aid Sciences and Application (DASA). https://doi.org/10.1109/DASA53625.2021.9682290 doi: 10.1109/DASA53625.2021.9682290
![]() |
[14] |
Al-Najjar B, Kilincarslan E (2016) The effect of ownership structure on dividend policy: evidence from Turkey. Corp Gov Int J Bus Soc 16: 135–161. https://doi.org/10.1108/cg-09-2015-0129 doi: 10.1108/cg-09-2015-0129
![]() |
[15] |
Al-Rahahleh AS (2017) Corporate Governance Quality, Board Gender Diversity and Corporate Dividend Policy: Evidence from Jordan. Australas Account Bus Financ J 11: 86–104. https://doi.org/10.14453/aabfj.v11i2.6 doi: 10.14453/aabfj.v11i2.6
![]() |
[16] |
Arellano M, Bond S (1991) Some tests of specification for panel data: Monte Carlo evidence and an application to employment equations. Rev Econ Stud 58: 277–297. https://doi.org/10.2307/2297968 doi: 10.2307/2297968
![]() |
[17] |
Bae KH, El Ghoul S, Guedhami O, et al. (2021) Board Reforms and Dividend Policy: International Evidence. J Financ Quant Anal 56: 1296–1320. https://doi.org/10.1017/S0022109020000319 doi: 10.1017/S0022109020000319
![]() |
[18] |
Bhattacharya S (1979) Imperfect Information, Dividend Policy, and "The Bird in the Hand" Fallacy. Bell J Econ 10: 259–270. https://doi.org/10.2307/3003330 doi: 10.2307/3003330
![]() |
[19] |
Ben Amar A, Ben Salah O, Jarboui A (2018) Do discretionary accruals affect firms' corporate dividend policy? Evidence from France. J Financ Report Account 16: 333–347. https://doi.org/10.1108/JFRA-03-2017-0020 doi: 10.1108/JFRA-03-2017-0020
![]() |
[20] |
Blundell R, Bond S (1998) Initial conditions and moment restrictions in dynamic panel data models. J Econ 87: 115–143. https://doi.org/10.1016/S0304-4076(98)00009-8 doi: 10.1016/S0304-4076(98)00009-8
![]() |
[21] |
Boubaker S, Derouiche I, Nguyen DK (2013) Does the board of directors affect cash holdings? A study of French listed firms. J Manag Gov 19: 341–370. https://doi.org/10.1007/s10997-013-9261-x doi: 10.1007/s10997-013-9261-x
![]() |
[22] |
Brockman P, Unlu E (2009) Dividend policy, creditor rights, and the agency costs of debt. J Financ Econ 92: 276–299. https://doi.org/10.1016/j.jfineco.2008.03.007 doi: 10.1016/j.jfineco.2008.03.007
![]() |
[23] |
Byoun S, Chang K, Kim Y (2016) Does corporate board diversity affect corporate payout policy? Asia-Pac J Financ Stud 45: 48–101. https://doi.org/10.1111/ajfs.12119 doi: 10.1111/ajfs.12119
![]() |
[24] |
Carter DA, Simkins BJ, Simpson WG (2003) Corporate Governance, Board Diversity, and Firm Value. Financ Rev 38: 33–53. https://doi.org/10.1111/1540-6288.00034 doi: 10.1111/1540-6288.00034
![]() |
[25] |
Carter DA, D'Souza F, Simkins BJ, et al. (2010) The Gender and Ethnic Diversity of US Boards and Board Committees and Firm Financial Performance. Corp Gov Int Rev 18: 396–414. https://doi.org/10.1111/j.1467-8683.2010.00809.x doi: 10.1111/j.1467-8683.2010.00809.x
![]() |
[26] |
Caskey J, Hanlon M (2012) Dividend Policy at Firms Accused of Accounting Fraud. Contemp Account Res 30: 818–850. https://doi.org/10.1111/j.1911-3846.2012.01173.x doi: 10.1111/j.1911-3846.2012.01173.x
![]() |
[27] |
Chen J, Leung WS, Goergen M (2017) The impact of board gender composition on dividend payouts. J Corp Financ 43: 86–105. https://doi.org/10.1016/j.jcorpfin.2017.01.001 doi: 10.1016/j.jcorpfin.2017.01.001
![]() |
[28] |
Chijoke-Mgbame AM, Boateng A, Mgbame CO (2020) Board gender diversity, audit committee and financial performance: evidence from Nigeria. Account Forum 44: 262–286. http://doi.org/10.1080/01559982.2020.1766280 doi: 10.1080/01559982.2020.1766280
![]() |
[29] |
Claessens S, Djankov S, Lang LH (2000) The separation of ownership and control in East Asian Corporations. J Financ Econ 58: 81–112. https://doi.org/10.1016/s0304-405x(00)00067-2 doi: 10.1016/S0304-405X(00)00067-2
![]() |
[30] |
Dang VC, Nguyen QK (2022) Audit committee characteristics and tax avoidance: Evidence from an emerging economy. Cogent Econ Financ 10: 1–15. https://doi.org/10.1080/23322039.2021.2023263 doi: 10.1080/23322039.2021.2023263
![]() |
[31] |
Danila N, Noreen U, Azizan NA, et al. (2020) Growth Opportunities, Capital Structure and Dividend Policy in Emerging Market: Indonesia Case Study. J Asian Financ Econ Bus 7: 1–8. https://doi.org/10.13106/jafeb.2020.vol7.no10.001 doi: 10.13106/jafeb.2020.vol7.no10.001
![]() |
[32] |
Djankov S, La Porta R, Lopez-de-Silanes F, et al. (2008) The law and economics of self-dealing. J Financ Econ 88: 430–465. https://doi.org/10.1016/j.jfineco.2007.02.007 doi: 10.1016/j.jfineco.2007.02.007
![]() |
[33] | Easterbrook FE (1984) Two agency-cost explanations of dividends. Am Econ Rev 74: 650–659. https://www.jstor.org/stable/1805130 |
[34] |
Elmagrhi MH, Ntim CG, Crossley RM, et al. (2017) Corporate governance and dividend pay-out policy in UK listed SMEs. Int J Account Inf Manag 25: 459–483. https://doi.org/10.1108/ijaim-02-2017-0020 doi: 10.1108/IJAIM-02-2017-0020
![]() |
[35] |
Eluyela DF, Dahunsi O, Tolase OA, et al. (2019) Impact of gender dichotomy on dividend payout policy in listed Nigerian financial services firm. Cogent Bus Manag 6: 1687270. https://doi.org/10.1080/23311975.2019.1687270 doi: 10.1080/23311975.2019.1687270
![]() |
[36] |
Francis B, Hasan I, Park JC, et al. (2015) Gender differences in financial reporting decision-making: Evidence from accounting conservatism. Contemp Account Res 32: 1285–1318. https://doi.org/10.1111/1911-3846.12098 doi: 10.1111/1911-3846.12098
![]() |
[37] |
Gai SL, Cheng JJ, Wu A (2021) Board design and governance failures at peer firms. Strateg Manag J 42: 1909–1938. https://doi.org/10.1002/smj.3308 doi: 10.1002/smj.3308
![]() |
[38] |
Gavious I, Segev E, Yosef R (2012) Female directors and earnings management in high‐technology firms. Pac Account Rev 24: 4–32. https://doi.org/10.1108/01140581211221533 doi: 10.1108/01140581211221533
![]() |
[39] |
Gontara H (2020) Internal Control Quality and Dividend Policy in French Setting: Does Managerial Ownership Concentration Matter? Int J Account Financ Report 10: 81. https://doi.org/10.5296/ijafr.v10i2.16641 doi: 10.5296/ijafr.v10i2.16641
![]() |
[40] |
Green CP, Homroy S (2018) Female directors, board committees and firm performance. Eur Econ Rev 102: 19–38. https://doi.org/10.1016/j.euroecorev.2017.12.003 doi: 10.1016/j.euroecorev.2017.12.003
![]() |
[41] |
Ho SSM, Li AY, Tam K, et al. (2014) CEO Gender, Ethical Leadership, and Accounting Conservatism. J Bus Ethics 127: 351–370. https://doi.org/10.1007/s10551-013-2044-0 doi: 10.1007/s10551-013-2044-0
![]() |
[42] |
Huang TC, Huang HW, Lee CC (2014) Corporate executive's gender and audit fees. Manag Audit J 29: 527–547. https://doi.org/10.1108/maj-03-2013-0837 doi: 10.1108/MAJ-03-2013-0837
![]() |
[43] | Jensen M (1986) Agency costs of free cash flow corporate finance, and takeovers. Am Econ Rev 76: 323–329. |
[44] |
Jensen MC, Meckling WH (1976) Theory of the firm: Managerial behavior, agency costs and ownership structure. J Financ Econ 3: 305–360. https://doi.org/10.1016/0304-405X(76)90026-X doi: 10.1016/0304-405X(76)90026-X
![]() |
[45] | Jiraporn P, Bouattour M, Hamrouni A, et al. (2019) Does board gender diversity influence dividend policy? Evidence from France. Econ Bull 39: 2942–2954. |
[46] |
John K, Williams J (1985) Dividends, dilution, and taxes: a signalling equilibrium. J Financ 40: 1053–1070. https://doi.org/10.1111/j.1540-6261.1985.tb02363.x doi: 10.1111/j.1540-6261.1985.tb02363.x
![]() |
[47] |
Juhmani O (2017) Audit Committee Characteristics and Earnings Management: The Case of Bahrain. Int J Account Financ Report 7: 11–31. http://dx.doi.org/10.5296/ijafr.v7i1.10447 doi: 10.5296/ijafr.v7i1.10447
![]() |
[48] |
Kalay A (1982) Stockholder-bondholder conflict and dividend constraints. J Financ Econ 10: 211–233. https://doi.org/10.1016/0304-405X(82)90014-9 doi: 10.1016/0304-405X(82)90014-9
![]() |
[49] |
Kanakriyah R (2020) Dividend Policy and Companies' Financial Performance. J Asian Financ Econ Bus 7: 531–541. https://doi.org/10.13106/jafeb.2020.vol7.no10.531 doi: 10.13106/jafeb.2020.vol7.no10.531
![]() |
[50] |
Khlif H, Achek I (2017) Gender in accounting research: a review. Manag Audit J 32: 627–655. https://doi.org/10.1108/maj-02-2016-1319 doi: 10.1108/MAJ-02-2016-1319
![]() |
[51] |
Klein A (2002) Audit committee, board of director characteristics, and earnings management. J Account Econ 33: 375–400. https://doi.org/10.1016/S0165-4101(02)00059-9 doi: 10.1016/S0165-4101(02)00059-9
![]() |
[52] | KPMG (2015). Guide des bonnes pratiques pour les comités d'audit et Modus Operandi. |
[53] |
La Porta R, Lopez-de-Silanes F, Shleifer A, et al. (2000) Agency Problems and Dividend Policies around the World. J Financ 55: 1–33. https://doi.org/10.1111/0022-1082.00199 doi: 10.1111/0022-1082.00199
![]() |
[54] |
Lawson BP, Wang D (2015) The Earnings Quality Information Content of Dividend Policies and Audit Pricing. Contemp Account Res 33: 1685–1719. https://doi.org/10.1111/1911-3846.12179 doi: 10.1111/1911-3846.12179
![]() |
[55] |
Li X, Li Y (2020) Female independent directors and financial irregularities in Chinese listed firms: From the perspective of audit committee chairpersons. Financ Res Lett 32: 101320. https://doi.org/10.1016/j.frl.2019.101320 doi: 10.1016/j.frl.2019.101320
![]() |
[56] |
Lin D, Lin L (2020) Does corporate governance affect the critical corporate policies such as dividend policy? Int J Econ Financial Issues 10: 18–24. https://doi.org/10.32479/ijefi.10546 doi: 10.32479/ijefi.10546
![]() |
[57] | Madhani PM (2017) Diverse roles of corporate board: Review of various corporate governance theories. IUP J Corp Gov 16: 7–28. |
[58] |
Magnanelli BS, Nasta L, Raoli E (2020) Female directors on corporate boards make a difference in family owned businesses? J Int Account Res 19: 85–102. https://doi.org/10.2308/jiar-17-561 doi: 10.2308/jiar-17-561
![]() |
[59] |
Mili M, Sahut JM, Teulon F (2017) Do corporate governance and ownership structure impact dividend policy in emerging market during financial crisis? J Appl Account Res 18: 274–297. https://doi.org/10.1108/jaar-07-2014-0079 doi: 10.1108/JAAR-07-2014-0079
![]() |
[60] |
Miller J (1980) Decision-making and organizational effectiveness: Participation and perceptions. Sociol Work Occup 7: 55–79. https://doi.org/10.1177/009392858071003 doi: 10.1177/009392858071003
![]() |
[61] |
Mungai EM, Ndiritu SW, Rajwani T (2020) Raising the bar? Top management teams, gender diversity, and environmental sustainability. Afr J Manag 6: 269–294. https://doi.org/10.1080/23322373.2020.1830688 doi: 10.1080/23322373.2020.1830688
![]() |
[62] |
Nelwan ML, Tansuria BI (2022) Audit Committee Busyness and The Risk of Financial Distress: Evidence from Indonesia. Int J Acad Res Bus Soc Sci 12: 425–437. http://dx.doi.org/10.6007/IJARBSS/v12-i2/12303 doi: 10.6007/IJARBSS/v12-i2/12303
![]() |
[63] |
Nerantzidis M, Tzeremes P, Koutoupis A, et al. (2022) Exploring the black box: board gender diversity and corporate social performance. Financ Res Lett 48: 102987. https://doi.org/10.1016/j.frl.2022.102987 doi: 10.1016/j.frl.2022.102987
![]() |
[64] |
Nimer K, Warrad L, Khuraisat O (2012) The Effect of Audit Committee's Effectiveness on Dividend Payout Policy: Evidence from the Jordanian Firms. Int J Bus Manag 7: 172–179. https://doi.org/10.5539/ijbm.v7n7p172 doi: 10.5539/ijbm.v7n7p172
![]() |
[65] |
Ngo DNP, Le ATH (2021) Relationship between the audit committee and earning management in listed companies in Vietnam. J Asian Financ Econ Bus 8: 135–42. https://doi.org/10.13106/jafeb.2021.vol8.no2.0135 doi: 10.13106/jafeb.2021.vol8.no2.0135
![]() |
[66] |
Nguyen AH, Pham CD, Doan, NT, et al. (2021) The Effect of Dividend Payment on Firm's Financial Performance: An Empirical Study of Vietnam. J Risk Financ Manag 14: 1–11. https://doi.org/10.3390/jrfm14080353 doi: 10.3390/jrfm14080353
![]() |
[67] |
Oskou V, Moradi M, Norouzi M, et al. (2023) Presence of women in the board of directors and audit committee on financial irregularities. Wom Dev Pol. https://doi.org/10.22059/jwdp.2023.350519.1008272 doi: 10.22059/jwdp.2023.350519.1008272
![]() |
[68] |
Parker RJ, Dao M, Huang HW, et al. (2015) Disclosing material weakness in internal controls: Does the gender of audit committee members matter? Asia-Pac J Account Econ 24: 407–420. https://doi.org/10.1080/16081625.2015.1057190 doi: 10.1080/16081625.2015.1057190
![]() |
[69] |
Poletti-Hughes J, Dimungu-Hewage D (2022) The Effectiveness of Gender Diversity Reforms and the Impact of a Familial Culture: A Spillover Effect on Board Independence. Br J Manag 1–24. https://doi.org/10.1111/1467-8551.12660 doi: 10.1111/1467-8551.12660
![]() |
[70] |
Pucheta-Martínez MC, Bel-Oms I (2016) The board of directors and dividend policy: the effect of gender diversity. Ind Corp Change 25: 523–547. https://doi.org/10.1093/icc/dtv040 doi: 10.1093/icc/dtv040
![]() |
[71] | Rezaee Z (2008) Corporate Governance and Ethics, Hoboken, NJ: John Wiley & Sons. |
[72] |
Rohov H, Kolodiziev O, Shulga N, et al. (2020) Factors affecting the dividend policy of non-financial joint stock companies in Ukraine. Invest Manag Financ Innov 17: 40–53. https://doi.org/10.21511/imfi.17(3).2020.04 doi: 10.21511/imfi.17(3).2020.04
![]() |
[73] |
Rozeff MS (1982) Growth, beta and agency costs as determinants of dividend payout ratios. J Financ Res 5: 249–259. https://doi.org/10.1111/j.1475-6803.1982.tb00299.x doi: 10.1111/j.1475-6803.1982.tb00299.x
![]() |
[74] | Sani AA, Musa AM (2017) Corporate Board Attributes and Dividend Payout Policy of Listed Deposit Money Banks in Nigeria. Int J Res IT Manag Eng 7: 7–13. |
[75] |
Saona P, Muro L, Martin PS, et al. (2019) Board of Director's Gender Diversity and Its Impact on Earnings Management: An Empirical Analysis for Select European Firms. Technol Econ Dev Econ 25: 634–663. https://doi.org/10.3846/tede.2019.9381 doi: 10.3846/tede.2019.9381
![]() |
[76] |
Shin YZ, Chang JY, Jeon K, et al. (2020) Female directors on the board and investment efficiency: evidence from Korea. Asian Bus Manag 19: 438–479. https://doi.org/10.1057/s41291-019-00066-2 doi: 10.1057/s41291-019-00066-2
![]() |
[77] |
Shleifer A, Vishny RW (1997) A Survey of Corporate Governance. J Financ 52: 737–783. https://doi.org/10.1111/j.1540-6261.1997.tb04820.x doi: 10.1111/j.1540-6261.1997.tb04820.x
![]() |
[78] |
Sun J, Liu G, Lan G (2011) Does female directorship on independent audit committees constrain earnings management? J Bus Ethics 99: 369–382. https://doi.org/10.1007/s10551-010-0657-0 doi: 10.1007/s10551-010-0657-0
![]() |
[79] |
Trinh VQ, Cao ND, Dinh LH, et al. (2021) Boardroom gender diversity and dividend payout strategies: Effects of mergers deals. Int J Financ Econ 26: 6014–6035. https://doi.org/10.1002/ijfe.2106 doi: 10.1002/ijfe.2106
![]() |
[80] |
Trinh QD, Haddad C, Thuan TK (2022) Financial Reporting Quality and Dividend Policy: New Evidence from an International Level. Int Rev Financ Anal 80. https://doi.org/10.1016/j.irfa.2022.102026 doi: 10.1016/j.irfa.2022.102026
![]() |
[81] |
Uzun H, Szewczyk SH, Varma R (2004) Board composition and corporate fraud. Financ Anal J 60: 33–43. https://doi.org/10.2469/faj.v60.n3.2619 doi: 10.2469/faj.v60.n3.2619
![]() |
[82] |
Watts RL (2003) Conservatism in accounting Part I: Explanations and implications. Account Horiz 17: 207–221. https://doi.org/10.2308/acch.2003.17.3.207 doi: 10.2308/acch.2003.17.3.207
![]() |
[83] |
Yakubu IN, Kapusuzoğlu A, Ceylan NB (2022) The effects of corporate governance on firm dividends policy: Evidence from Ghana. J Account Financ 94: 223–238. https://doi.org/10.25095/mufad.1064148 doi: 10.25095/mufad.1064148
![]() |
[84] |
Yusof Y, Ismail S (2016) Determinants of dividend policy of public listed companies in Malaysia. Rev Int Bus Strateg 26: 88–99. https://doi.org/10.1108/RIBS-02-2014-0030 doi: 10.1108/RIBS-02-2014-0030
![]() |
[85] |
Zalata AM, Ntim CG, Alsohagy MH, et al. (2021) Gender diversity and earnings management: the case of female directors with financial background. Rev Quant Financ Account 58: 101–136. https://doi.org/10.1007/s11156-021-00991-4 doi: 10.1007/s11156-021-00991-4
![]() |
[86] |
Zhou H, Owusu-Ansah S, Maggina A (2018) Board of Directors, Audit Committee, and Firm Performance: Evidence from Greece. J Int Account Audit Tax 31: 20–36. https://doi.org/10.1016/j.intaccaudtax.2018.03.002 doi: 10.1016/j.intaccaudtax.2018.03.002
![]() |
SAM | GCN | X-View | X-Sub |
√ | × | 80.0 | 73.0 |
× | √ | 88.3 | 81.5 |
√ | √ | 91.5 | 84.7 |
Methods | X-View | X-Sub |
ST-GCN[25] | 88.3 | 81.5 |
2s-AGCN[27] | 89.8 | 79.1 |
GCN-NAS[46] | 89.8 | 82.7 |
STAR[47] | 89.0 | 83.4 |
TSTE[48] | 85.3 | 80.5 |
TAG[49] | 90.0 | 82.1 |
SA-GCN(ours) | 91.5 | 84.7 |
Methods | X-View | X-Sub |
ST-GCN[25] | 78.1 | 75.5 |
2s-AGCN[27] | 77.5 | 78.0 |
GCN-NAS[46] | 80.5 | 78.0 |
STAR[47] | 80.2 | 78.3 |
TSTE[48] | 67.5 | 66.6 |
SA-GCN(ours) | 79.2 | 78.5 |
SAM | GCN | X-View | X-Sub |
√ | × | 80.0 | 73.0 |
× | √ | 88.3 | 81.5 |
√ | √ | 91.5 | 84.7 |