Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical...

5
AN END-TO-END FRAMEWORK FOR UNSUPERVISED POSE ESTIMATION OF OCCLUDED PEDESTRIANS Sudip Das 1 , Perla Sai Raj Kishore 2 , Ujjwal Bhattacharya 1 1 Indian Statistical Institute, Kolkata 2 Institute of Engineering & Management, Kolkata [email protected], [email protected], [email protected] ABSTRACT Pose estimation in the wild is a challenging problem, par- ticularly in situations of (i) occlusions of varying degrees and (ii) crowded outdoor scenes. Most of the existing studies of pose estimation did not report the performance in similar sit- uations. Moreover, pose annotations for occluded parts of human figures have not been provided in any of the relevant standard datasets which in turn creates further difficulties to the required studies for pose estimation of the entire figure of occluded humans. Well known pedestrian detection datasets such as CityPersons contains samples of outdoor scenes but it does not include pose annotations. Here, we propose a novel multi-task framework for end-to-end training towards the en- tire pose estimation of pedestrians including in situations of any kind of occlusion. To tackle this problem for training the network, we make use of a pose estimation dataset, MS- COCO, and employ unsupervised adversarial instance-level domain adaptation for estimating the entire pose of occluded pedestrians. The experimental studies show that the proposed framework outperforms the SOTA results for pose estimation, instance segmentation and pedestrian detection in cases of heavy occlusions (HO) and reasonable + heavy occlusions (R + HO) on the two benchmark datasets. Index TermsPose Estimation, Unsupervised Domain Adaptation, Multi-task Learning, Adversarial Learning. 1. INTRODUCTION Pose estimation of pedestrians is an active area of research with several potential applications. Research studies in this area have recently achieved significant progress due to the development of different sophisticated deep learning archi- tectures [1, 2, 3, 4, 5] and several large-scale datasets such as [6, 7, 8]. However, a majority of the existing related stud- ies did not consider estimating the pose of possible occluded portions of the pedestrians. It is not an uncommon situation when some major portions of a pedestrian figure remain oc- cluded in the captured view and thus their estimated informa- tion about the pose may remain ineffective unless the pose of such occluded parts are explored. In fact, studies of pedes- trian detection in occluded scenarios has attracted attentions Fig. 1: Pose estimation outputs of the proposed framework for occluded and completely visible pedestrian samples ap- pearing in CityPersons dataset. [9, 10, 11] during the recent years although the scope of these studies are only limited to the detection of pedestrian figures including their occluded portions while excluding estimation of the corresponding pose. To the best of our knowledge, pose estimation of the occluded portions of pedestrians was consid- ered only in [12]. On the contrary, Ye et al. [13] considered hand pose estimation or Reddy et al. [14] studied keypoint prediction of 3D shapes of vehicles both for occluded scenar- ios. In this article, we propose a novel end-to-end frame- work for estimating the entire pose of occluded pedestrians in an unsupervised manner. This framework tackles the un- favourable situation of the non-availability of two types of training data, such as (i) a pedestrian dataset with pose an- notations and (ii) any other dataset with pose annotations for occluded portions of the human figures. ClueNet [12], a recently introduced two stage framework, attempted to solve this problem but the same fails to produce desirable results in cases of person-to-person occlusions. On the other hand, the proposed network is equally efficient for every type of occlusion. To alleviate the problem of non-availability of required pose annotations for pedestrians from training datasets such as CityPersons [15], we make use of relevant samples of MS- COCO dataset [7] for pose supervision during the training phase and employ instance-level domain adaptation strategy for this purpose. The human instances from the pose estima- arXiv:2002.06429v1 [cs.CV] 15 Feb 2020

Transcript of Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical...

Page 1: Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical Institute, Kolkata 2Institute of Engineering & Management, Kolkata d.sudip47@gmail.com,

AN END-TO-END FRAMEWORK FOR UNSUPERVISED POSE ESTIMATION OFOCCLUDED PEDESTRIANS

Sudip Das1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya1

1Indian Statistical Institute, Kolkata 2Institute of Engineering & Management, [email protected], [email protected], [email protected]

ABSTRACT

Pose estimation in the wild is a challenging problem, par-ticularly in situations of (i) occlusions of varying degrees and(ii) crowded outdoor scenes. Most of the existing studies ofpose estimation did not report the performance in similar sit-uations. Moreover, pose annotations for occluded parts ofhuman figures have not been provided in any of the relevantstandard datasets which in turn creates further difficulties tothe required studies for pose estimation of the entire figure ofoccluded humans. Well known pedestrian detection datasetssuch as CityPersons contains samples of outdoor scenes but itdoes not include pose annotations. Here, we propose a novelmulti-task framework for end-to-end training towards the en-tire pose estimation of pedestrians including in situations ofany kind of occlusion. To tackle this problem for trainingthe network, we make use of a pose estimation dataset, MS-COCO, and employ unsupervised adversarial instance-leveldomain adaptation for estimating the entire pose of occludedpedestrians. The experimental studies show that the proposedframework outperforms the SOTA results for pose estimation,instance segmentation and pedestrian detection in cases ofheavy occlusions (HO) and reasonable + heavy occlusions (R+ HO) on the two benchmark datasets.

Index Terms— Pose Estimation, Unsupervised DomainAdaptation, Multi-task Learning, Adversarial Learning.

1. INTRODUCTION

Pose estimation of pedestrians is an active area of researchwith several potential applications. Research studies in thisarea have recently achieved significant progress due to thedevelopment of different sophisticated deep learning archi-tectures [1, 2, 3, 4, 5] and several large-scale datasets suchas [6, 7, 8]. However, a majority of the existing related stud-ies did not consider estimating the pose of possible occludedportions of the pedestrians. It is not an uncommon situationwhen some major portions of a pedestrian figure remain oc-cluded in the captured view and thus their estimated informa-tion about the pose may remain ineffective unless the pose ofsuch occluded parts are explored. In fact, studies of pedes-trian detection in occluded scenarios has attracted attentions

Fig. 1: Pose estimation outputs of the proposed frameworkfor occluded and completely visible pedestrian samples ap-pearing in CityPersons dataset.

[9, 10, 11] during the recent years although the scope of thesestudies are only limited to the detection of pedestrian figuresincluding their occluded portions while excluding estimationof the corresponding pose. To the best of our knowledge, poseestimation of the occluded portions of pedestrians was consid-ered only in [12]. On the contrary, Ye et al. [13] consideredhand pose estimation or Reddy et al. [14] studied keypointprediction of 3D shapes of vehicles both for occluded scenar-ios.

In this article, we propose a novel end-to-end frame-work for estimating the entire pose of occluded pedestriansin an unsupervised manner. This framework tackles the un-favourable situation of the non-availability of two types oftraining data, such as (i) a pedestrian dataset with pose an-notations and (ii) any other dataset with pose annotationsfor occluded portions of the human figures. ClueNet [12], arecently introduced two stage framework, attempted to solvethis problem but the same fails to produce desirable resultsin cases of person-to-person occlusions. On the other hand,the proposed network is equally efficient for every type ofocclusion.

To alleviate the problem of non-availability of requiredpose annotations for pedestrians from training datasets suchas CityPersons [15], we make use of relevant samples of MS-COCO dataset [7] for pose supervision during the trainingphase and employ instance-level domain adaptation strategyfor this purpose. The human instances from the pose estima-

arX

iv:2

002.

0642

9v1

[cs

.CV

] 1

5 Fe

b 20

20

Page 2: Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical Institute, Kolkata 2Institute of Engineering & Management, Kolkata d.sudip47@gmail.com,

Fig. 2: Architecture of the proposed end-to-end multi-task framework for unsupervised pose estimation of pedestrians.

tion dataset act as the source domain, whereas the ones fromthe pedestrian detection dataset act as the target domain fordomain adaptation. The proposed framework is divided intotwo parts, domain specific feature extraction and domain in-variant pose estimation, which are described in details in thefollowing sections.

In summary, contributions of the present study include(1) A novel end-to-end framework for entire pose estima-

tion of occluded pedestrians in an unsupervised manner. Tothe best of our knowledge, this is the first such an attempt.

(2) Existing pedestrian pose estimation study [12] did notconsider person-to-person occlusion. However, the presentsolution is capable of handling all types of occlusions.

(3) The proposed strategy has improved SOTA with re-spect to pose estimation, instance segmentation and pedes-trian detection in cases of heavy occlusions (HO) and reason-able+heavy occlusions (R+HO) on MS-COCO and CityPer-sons dataset.

2. PROPOSED APPROACH

2.1. Domain Specific Feature Extraction

Domain specific feature extraction aims to extract robustfeatures of human instances from both pose estimation andpedestrian detection datasets separately, whereas the domaininvariant pose estimation uses these features to predict thepose of the human instances. We use an object detectionnetwork, Faster-RCNN [16], to extract the features of humaninstances. The input image is first passed through a convolu-tional encoder to generate a dense feature representation. TheRegion Proposal Network (RPN) takes these features as inputand proposes RoIs where the objects might exist, which arethen passed to RoIAlign [17] for extracting a fixed size fea-ture map for each RoI. We use RoIAlign instead of originallyproposed RoIPool for this purpose and these resized features

are finally fed to regression and classification networks forobject detection and recognition respectively.

We use two separate detection networks, with feature en-coders EPE(·) and EPD(·) respectively. One is used for thepose estimation dataset while the other is used for pedestriandetection dataset. Two independent detection networks arenecessary as the distribution of the two datasets may not bethe same (or even similar), which is usually the case in realworld scenarios. However, using two separate networks al-lows training in a discrete manner and hence generate strongdomain specific features for both datasets. The intermedi-ate features corresponding to the human instances from theRoIAlign layers of these networks are then passed to the sec-ond part for pose estimation. The architecture of the proposedframework is shown in Figure 2.

2.2. Domain Invarinat Pose Estimation

Since the human instances of pedestrian dataset used in thisstudy does not have pose annotations, we use instance-leveldomain adaption to learn to predict their entire pose with thehelp of human instances in the pose estimation dataset. Theframework, apart from pose supervision from the pose estima-tion dataset, uses bounding boxes and instance segmentationmasks of human figures from both the datasets as an auxil-iary information which leads to better pose estimation of thehuman instances.

Let XPE be the input images and YPE be the correspond-ing pose annotations of human instances from the pose es-timation dataset and similarly let XPD be the input imagesfrom the pedestrian detection dataset. The RoIAlign featuresof human instances from both the datasets are first passedthrough a common convolutional encoder, EC(·), and are thenused for three different purposes – instance segmentation, do-main classification and finally pose estimation. The purposeof this encoder is to generate domain invariant features of the

Page 3: Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical Institute, Kolkata 2Institute of Engineering & Management, Kolkata d.sudip47@gmail.com,

human instances from the extracted domain specific features.More formally,

F (xPE ,i)DI = EC(F (xPE ,i)

raw ), where xPE ∈ XPE (1)

F (xPD,i)DI = EC(F (xPD,i)

raw ), where xPD ∈ XPD (2)

where F (xPE ,i)DI represents the domain invariant features for

the ith human instance from image xPE and F (xPE ,i)raw repre-

sents the RoIAlign features from the detection network of theith human instance from image xPE . F (xPD,i)

DI and F (xPD,i)raw

are also defined similarly.For instance segmentation, we pass these domain invari-

ant features through a decoder network, DSeg(·), to generatethe segmentation map of the human instances. We use binarycross-entropy loss to train this part of the network. Domainadaptation is used to minimize the shift between the two dis-tributions of data, however instance-level domain adaptationaims to minimize the shift between particular instances fromthe data distributions, in contrast to minimizing shift betweenthe data distributions as a whole. We employ an unsupervisedadversarial approach towards this purpose. The domain in-variant features generated by EC(·) are then passed througha domain classification network, C(·), to determine to whichdataset the human instance features belong to. The classi-fier aims to predict the correct dataset, whereas EC(·) and thenetwork preceding it to confuse the classifier by generatingbetter domain invariant features of the human instances. Thisallows the detectors to generate domain specific features forthe entire image except for the human instances, whose fea-tures are conditioned by the domain classification network.We use features of human instances from both the datasets,FXPE

DI and FXPD

DI , for training the domain classification andinstance segmentation networks.

For pose estimation, we pass the domain invariant featuresof the pose estimation dataset,FXPE

DI , through a convolutionaldecoder, DC(·), to make the spatial dimensions of the fea-tures same as that of the segmentation mask. We then multi-ply (element-wise) these features with the generated segmen-tation mask and pass them through another encoder-decodernetwork for pose estimation. To learn to estimate the entirepose of occluded pedestrians, we make use of the Mask andPredict [12] strategy which aims to randomly mask a certainpercentage of the visible human features used as input and re-quires the pose estimation network to estimate the pose forboth visible as well as the missing parts. As a result, wemask the segmentation map, generated byDSeg(·), by certainpercentage before multiplying it to the features generated byDC(·). Furthermore, since we aim to estimate the entire poseof the human instances, we only use completely visible per-sons for this purpose. This allows us to have the entire poseof the masked instances as ground truth for back-propagation.We follow the loss function used in [1] for training the poseestimation network. Also, we only use the human instancesfrom the pose estimation dataset for training this part of the

network. However, we can use human instances from eitherof the pose estimation or pedestrian detection dataset duringinference.

The overall multi-task loss function, Ltotal, for trainingthe entire framework is given by the weighted combination oflosses for the detectors (Ldet), instance segmentation (Lseg),domain classification (Ldc) and pose estimation (Lpe) as,

Ltotal = Ldet + αLseg + βLdc + γLpe (3)

where α, β and γ are the weights for segmentation, domainclassification and pose estimation losses respectively. Such amulti-task approach allows the networks to learn from eachother in a collaborative manner and hence perform better thanif they would have been trained separately.

3. EXPERIMENTS AND RESULTS

3.1. Datasets and Training Details

As mentioned earlier, instance segmentation maps of the inputscene images are an indispensable auxiliary information totrain the proposed framework for pose estimation. Due tothis constraint, we were able to use only two datasets for thispurpose, Citypersons [15] for pedestrian detection and MS-COCO [7] for pose estimation. We use bounding boxes andinstance segmentation masks for the human instances fromboth the datasets and additionally pose information from MS-COCO dataset. We used 13 keypoints for pose estimationwhich include head, left and right elbow, shoulder, wrist, hip,knee and ankle. And since we are only concerned with humaninstances we exclusively aim at detecting ‘person’s from boththe datasets ignoring all other object categories.

The detector networks were pre-trained on pedestrian de-tection and pose estimation datasets before training with thesecond part of the framework. We employ Curriculum Learn-ing [18] in the Mask and Predict strategy by gradually in-creasing the masking percentage with training. MomentumOptimizer is used with an initial learning rate of 0.01 andmomentum of 0.9. The learning rate is reduced by a factorof 10 after each subsequent 15k iterations. We set the hyper-parameters α, β and γ to 0.5, 1, 1 respectively. Data augmen-tation techniques, such as random flipping, blurring, bright-ness, etc., are employed to further improve the performanceof the proposed framework. All experiments were performedon two Nvidia P6 GPUs.

3.2. Results

Comparative results of the proposed model on CityPersonsand MS-COCO datasets compared with other SOTA methodsare provided in this section. Pose estimation performance ofthe proposed model on test data of MS-COCO in compari-son to a few recently published models have been providedin Table 1. Since we do not have the necessary annotated

Page 4: Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical Institute, Kolkata 2Institute of Engineering & Management, Kolkata d.sudip47@gmail.com,

Fig. 3: Qualitative results of detection and pose estimation on CityPersons dataset. The ground truth annotations are shown inred, the detection results are shown in green and the predicted pose is shown in blue.

data to evaluate pose estimation results for cases of occlu-sions, we artificially created such occluded data by maskingthe features of certain random parts (by different percentages)of fully visible pedestrians. Further, AP scores on similar testdata corresponding to different percentages of occlusions pro-vided in Table 2 shows that the proposed method has signifi-cantly improved the relevant existing benchmark [12]. Detec-tion results on validation set of CityPersons under differentocclusion scenarios have been presented in Table 4. Here, weanalyzed the detection results for Reasonable + Heavy occlu-sion (R + HO) with visibility ∈ [.20, inf] and Heavy occlu-sion (HO) with visibility ∈ [.20, .65] and achieved SOTA re-sult in terms of miss rate of 29.13% and 46.07% respectivelybut for Reasonable occlusion (R) with visibility ∈ [.65, inf],our model achieved the third place in terms of miss rate of13.29% on CityPersons dataset. Qualitative results of De-tection and Pose Estimation performance have been shown inFigure 3.

Table 1: AP for state-of-the-art models on MS COCO dataset.Model AP AP50 AP75 APM APL

MultiPoseNet [1] 69.6 86.3 76.6 65.0 76.3CFN [19] 72.6 86.7 69.7 78.3 79.0

ClueNet[12] 73.9 89.6 78.2 70.9 79.1Ours 74.2 89.9 74.9 79.3 76.6

Table 2: Results on MS-COCO dataset with different occlu-sion percentages.

ModelOcc. % 20% 30% 40% 50% 60% 70%

ClueNet [12] 88.06 83.93 79.8 73.4 64.0 58.8Ours 90.3 84.31 81.2 74.06 64.9 59.1

Table 3: Results of instance segmentation on CityPersons.Model Training Data Person Rider

Mask-RCNN [17] CityPersons + COCO 34.8 27.0PANet [20] CityPersons + COCO 41.5 33.6

Ours CityPersons + COCO 42.1 33.9

Table 3 shows the comparative results of instance segmen-tation on validation set of CityPersons in terms of Average

Table 4: MR for different SOTA models on CityPersons.Model R HO R+HO

Faster RCNN [16] 15.52 64.83 41.45Tao et al. [21] 14.4 52.0 34.24OR-CNN [11] 11.0 51.0 36.11ClueNet [12] 11.87 47.68 30.84

Ours 13.29 46.07 29.13

Table 5: Pose estimation results on test data of MS-COCOwith different encoder models.

Backbone AP AP50 AP75 APM APL

VGG-19 [22] 63.9 80.7 70.6 58.0 70.3ResNet-50 [23] 69.1 86.1 71.6 64.2 71.1

ResNet-101 [23] 71.4 87.8 72.1 76.1 74.3ResNeXt-101 [24] 74.2 89.9 74.9 79.3 76.6

Precision (AP). The proposed model improves the SOTA withrespect to AP score of both person and rider categories. Poseestimation results (AP scores) of the proposed framework cor-responding to different backbone architectures such as VGG-19 [22], ResNet-50 [23], ResNet-101 [23], ResNext-101 [24]have been provided in Table 5. Among these, ResNeXt101[24], is the most efficient encoder network for the present pur-pose.

4. CONCLUSION

In this work, we presented a novel end-to-end multi-taskframework to precisely estimate the pose of a pedestrian inan unsupervised manner irrespective of its complete visi-bility or partial occlusions. We make use of instance-leveldomain adaptation and instance segmentation masks to takecare of all types of occlusions including person-to-personobstructions. Experimental results of the proposed strategyon MS-COCO dataset provide strong quantitative evidenceof the improvement of pose estimation performance in casesof completely visible and partially occluded human instancesover respective state-of-the-art results. In future, we shallstudy towards the development of a pose estimation strategyfor occluded humans without the use of segmentation masks.

Page 5: Sudip Das - arXiv · Sudip Das 1, Perla Sai Raj Kishore2, Ujjwal Bhattacharya 1Indian Statistical Institute, Kolkata 2Institute of Engineering & Management, Kolkata d.sudip47@gmail.com,

5. REFERENCES

[1] Muhammed Kocabas, Salih Karagoz, and Emre Akbas,“Multiposenet: Fast multi-person pose estimation usingpose residual network,” in ECCV, 2018, pp. 417–433.

[2] Eldar Insafutdinov, Leonid Pishchulin, Bjoern Andres,Mykhaylo Andriluka, and Bernt Schiele, “Deepercut: Adeeper, stronger, and faster multi-person pose estimationmodel,” in ECCV, 2016, pp. 34–50.

[3] Ke Sun, Bin Xiao, Dong Liu, and Jingdong Wang,“Deep high-resolution representation learning for hu-man pose estimation,” arXiv:1902.09212, 2019.

[4] Bin Xiao, Haiping Wu, and Yichen Wei, “Simple base-lines for human pose estimation and tracking,” in ECCV,2018, pp. 466–481.

[5] Pengfei Zhang, Cuiling Lan, Wenjun Zeng, Jianru Xue,and Nanning Zheng, “Semantics-guided neural net-works for efficient skeleton-based human action recog-nition,” arXiv:1904.01189, 2019.

[6] Mykhaylo Andriluka, Leonid Pishchulin, Peter Gehler,and Bernt Schiele, “2d human pose estimation: Newbenchmark and state of the art analysis,” in CVPR, 2014,pp. 3686–3693.

[7] Tsung-Yi Lin, Michael Maire, Serge Belongie, JamesHays, Pietro Perona, Deva Ramanan, Piotr Dollar, andC Lawrence Zitnick, “Microsoft COCO: Common ob-jects in context,” in ECCV, 2014, pp. 740–755.

[8] Jiefeng Li, Can Wang, Hao Zhu, Yihuan Mao, Hao-ShuFang, and Cewu Lu, “Crowdpose: Efficient crowdedscenes pose estimation and a new benchmark,” inCVPR, 2019, pp. 10863–10872.

[9] C. Zhou and J. Yuan, “Multi-label learning of part de-tectors for heavily occluded pedestrian detection,” inICCV, 2017, pp. 3506–3515.

[10] S. Zhang, J. Yang, and B. Schiele, “Occluded pedestriandetection through guided attention in CNNs,” in CVPR,2018, pp. 6995–7003.

[11] Shifeng Zhang, Longyin Wen, Xiao Bian, Zhen Lei, andStan Z Li, “Occlusion-aware r-cnn: detecting pedestri-ans in a crowd,” in ECCV, 2018, pp. 637–653.

[12] Perla Sai Raj Kishore, Sudip Das, Partha SarathiMukherjee, and Ujjwal Bhattacharya, “Cluenet: A deepframework for occluded pedestrian pose estimation,” inBMVC, 2019.

[13] Qi Ye and Tae-Kyun Kim, “Occlusion-aware hand poseestimation using hierarchical mixture density network,”in ECCV, 2018, pp. 801–817.

[14] N. Dinesh Reddy, Minh Vo, and Srinivasa G.Narasimhan, “Occlusion-net: 2d/3d occluded keypointlocalization using graph networks,” in CVPR, June2019.

[15] Shanshan Zhang, Rodrigo Benenson, and Bernt Schiele,“Citypersons: A diverse dataset for pedestrian detec-tion,” in CVPR, 2017, pp. 3213–3221.

[16] Shaoqing Ren, Kaiming He, Ross Girshick, and JianSun, “Faster R-CNN: Towards real-time object detec-tion with region proposal networks,” in NIPS, 2015, pp.91–99.

[17] Kaiming He, Georgia Gkioxari, Piotr Dollar, and RossGirshick, “Mask R-CNN,” in CVPR, 2017, pp. 2961–2969.

[18] Yoshua Bengio, Jerome Louradour, Ronan Collobert,and Jason Weston, “Curriculum learning,” in ICML.ACM, 2009, pp. 41–48.

[19] Shaoli Huang, Mingming Gong, and Dacheng Tao, “Acoarse-fine network for keypoint localization,” in ICCV,2017, pp. 3028–3037.

[20] Shu Liu, Lu Qi, Haifang Qin, Jianping Shi, and Jiaya Jia,“Path aggregation network for instance segmentation,”in CVPR, 2018, pp. 8759–8768.

[21] Tao Song, Leiyu Sun, Di Xie, Haiming Sun, and Shil-iang Pu, “Small-scale pedestrian detection based ontopological line localization and temporal feature aggre-gation,” in ECCV, 2018, pp. 554–569.

[22] Karen Simonyan and Andrew Zisserman, “Very deepconvolutional networks for large-scale image recogni-tion,” arXiv:1409.1556, 2014.

[23] Kaiming He, Xiangyu Zhang, Shaoqing Ren, and JianSun, “Deep residual learning for image recognition,” inCVPR, 2016, pp. 770–778.

[24] Saining Xie, Ross Girshick, Piotr Dollar, Zhuowen Tu,and Kaiming He, “Aggregated residual transformationsfor deep neural networks,” in CVPR, 2017, pp. 1492–1500.