Open Access
7 February 2023 Multi-modal pedestrian detection with misalignment based on modal-wise regression and multi-modal IoU
Napat Wanchaitanawong, Masayuki Tanaka, Takashi Shibata, Masatoshi Okutomi
Author Affiliations +
Abstract

Multi-modal pedestrian detection, which integrates visible and thermal sensors, has been developed to overcome many limitations of visible-modal pedestrian detection, such as poor illumination, cluttered background, and occlusion. By adopting the combination of multiple modalities, we can efficiently detect pedestrians even with poor visibility. Nevertheless, the critical assumption of multi-modal pedestrian detection is that multi-modal images are perfectly aligned. In general, however, this assumption often becomes invalid in real-world situations. Viewpoints of the different modal sensors are usually different. Then, the positions of pedestrians on the different modal images have disparities. We proposed a multi-modal faster-RCNN specifically designed to handle misalignment between two modalities. The faster-RCNN consists of a region proposal network (RPN) and a detector. We introduce position regressors for both modalities in the RPN and the detector. Intersection over union (IoU) is one of the useful metrics for object detection but is defined only for a single-modal image. We extend it into multi-modal IoU to evaluate the preciseness of both modalities. Our experimental results with the proposed evaluation metrics demonstrate that the proposed method has comparable performance with state-of-the-art methods and outperforms them for data with significant misalignment.

1.

Introduction

Pedestrian detection is one of the active research topics in computer vision field, with several crucial applications, such as autonomous driving1 and video surveillance systems.2 Only visible images (e.g., RGB images) were used in this task. Pedestrian detections with only visible images have several issues. Detection accuracy is significantly degraded under poor lighting conditions.37 To overcome those issues, various approaches have been proposed to combine multiple modalities (e.g., visible and far-infrared)8,9 and utilize the highly apparent regions of these modalities together. Those methods simply combine features of both modalities directly, namely, typical two-stream faster region-based convolutional neural network (R-CNN).1013 The fundamental assumption for this two-stream approach is that alignment between two modalities is perfect. In general, however, this assumption often breaks down due to lack of time synchronization, inaccurate calibration, or the effects of disparity for stereo.14,15 For instance, MSDS-RCNN,10 which combines detection and semantic segmentation tasks to optimize the model; however, without any consideration about misalignment, is very sensitive to misalignment and can only precisely locate pedestrians in visible modality, as shown in Fig. 1(a), their detection bounding boxes are only for visible modality.

Fig. 1

Visualization examples of ground truth annotations by16 (boxes in green), detection results (boxes in red), and overlap area between them, measured by mean visible IoU (mIoUV) and mean thermal IoU (mIoUT) of MSDS-RCNN,10 AR-CNN,16 and the proposed method. Image patches are cropped from visible-thermal image pairs in the same position from KAIST multispectral pedestrian detection dataset8 with large misalignment. (a) MSDS-RCNN;10 (b) AR-CNN;16 and (c) proposed method.

JEI_32_1_013025_f001.png

Recently, several methods have been proposed to address the misalignment problem. For example, aligned region-convolutional neural network (AR-CNN)16 proposed incorporating an alignment module inside the faster-RCNN. MBNet17 proposed an illumination-aware feature alignment module to adaptively align features between two modalities. These explicitly designed methods have improved performance and robustness against misalignment. Still, to the best of our knowledge, existing methods that consider misalignment only output one coordinate for each object to represent its position in both modalities, completely neglecting that each object can have different positions in different modalities due to misalignment. As shown in Fig. 1(b), despite the prediction of shift distances of objects between modalities, AR-CNN16 only detects pedestrians in thermal modality (their implementation only produces bounding boxes for thermal modality). Even though detection bounding boxes of MSDS-RCNN10 can accurately locate objects in visible modality, and the same goes for AR-CNN in thermal modality, those bounding boxes are far off from their corresponding objects in another modality due to the large disparity between them. For this reason, when a significant misalignment is present, the existing methods can not locate each object in both modalities, forcing us to utilize only their reliable modalities and ignore the others. In summary, multi-modal pedestrian detection with large misalignment still has ongoing problems; one of them is the ability to accurately locate objects for both modalities amid large misalignment.

To tackle the problems mentioned above, we propose a multi-modal faster-RCNN that is robust against misalignment. We use several novel strategies for the proposed multi-modal detection, including (1) modal-wise position regressor, (2) multi-modal mini-batch sampling, and (3) multi-modal non-maximum suppression (NMS). The proposed method detects each object as a pair of bounding boxes with different coordinates in each modality, as illustrated in Fig. 1(c). It is noteworthy that despite the differences in the position of detection bounding boxes between modalities, all bounding boxes have paired relations between modalities; each pair indicates the same object in both modalities. Consequently, the proposed method can accurately pinpoint all objects in both modalities and match them regardless of displacement caused by misalignment. Figure 2 shows the different faster R-CNN-based approaches to multi-modal pedestrian detections. As shown in Fig. 2(a), a typical two-stream faster R-CNN fuses features from both modalities directly without handling the disparity between each object. They can only output detection bounding boxes for either visible or thermal modality. Explicitly addressing the misalignment problem, AR-CNN integrates region feature alignment to align each visible region with its counterpart thermal region before the detection network. Still, their method only outputs detection bounding boxes according to the position of objects in thermal modality alone, as shown in Fig. 2(b). Our proposed method, on the contrary, installed with a dual-regressor for both region proposal network (RPN) and detector and newly-introduced multi-modal NMS, can output pairs of bounding boxes, which accurately locate objects in both modalities, as shown in Fig. 2(c).

Fig. 2

Comparison of multi-modal pedestrian detection frameworks based on faster R-CNN. (a) Typical two-stream faster R-CNN; (b) AR-CNN;16 and (c) proposed method.

JEI_32_1_013025_f002.png

We also introduce new evaluation metrics to analyze the performance of multi-modal pedestrian detection networks against misalignment based on the precision of detection bounding boxes in both modalities, namely, multi-modal IoU (IoUM) and multi-modal log-average miss rate (MRM). Our experiments show that the proposed method’s performance significantly outperforms state-of-the-art methods for large misalignment data.

Overall, the main contributions of this article are as follows: (1) we introduce a new problem for multi-modal pedestrian detection with large misalignment to precisely locate objects in both modalities and correctly match them. We also introduce new evaluation metrics, IoUM and MRM, to evaluate the performance on these tasks; (2) we introduce new training strategies for our multi-modal pedestrian detection network to deal with misalignment: modal-wise regression, multi-modal mini-batch sampling, and multi-modal NMS. Our strategies are applicable to other multi-modal detection tasks. (3) We experiment on KAIST8 multispectral pedestrian dataset with our experimental setting and evaluation metric to productively analyze the performance of multi-modal detectors against misalignment. Our proposed method achieves comparable performance with state-of-the-art methods and outperforms them when misalignment is large.

This article is an extended version of our previous conference paper,18 mainly in the following points: (1) we improve the performance of our method with a new implementation for NMS and parameters fine-tuning; (2) additional explanation and analysis of misalignment problem and proposed model are portrayed in detail; and (3) more experiments are conducted to demonstrate the advantage of our methods compared to state-of-the-art (SOTA) methods and ablation study to carefully inspect the impact of each component of the proposed model.

2.

Related Work

In this section, related works are reviewed. First, we review single-modal pedestrian detection, i.e., pedestrian detection that only uses visible images. Second, we review multi-modal pedestrian detection, i.e., pedestrian detection that uses both visible and thermal images, dividing into naive feature fusion and adaptive feature fusion.

2.1.

Single-Modal Pedestrian Detection

Pedestrian detection has improved dramatically since the traditional hand-crafted features-based methods, such as histogram of oriented gradient19 and integral channel features (ICF),20 which were made obsolete by superior deep-learning-based methods.37 The most notable pedestrian dataset of visible images is the Caltech Pedestrian Dataset.21 However, limited to only information from the visible channel, many pedestrians are still very difficult to recognize, even with human perception. The detection performance was degraded by many challenges,4 such as low image resolution, occlusion, adverse illumination, cluttered background, and inconsistent pattern of humans.

2.2.

Multi-Modal Pedestrian Detection

2.2.1.

Naive feature fusion

KAIST multispectral pedestrian detection (KAIST) dataset8 has been widely used in the research field of multi-modal pedestrian detection, making it progress steadily. Despite non-CNN-based approaches such as aggregate channel features22 in the early days, the CNN-based approach is mainstream in this field currently.1013,2329 The main challenge in the early days was how to combine and make use of information from both modalities.3033 Most existing methods assume that visible-thermal image pairs are geometrically aligned. Those methods fuse both modalities’ features directly in corresponding pixel positions, as shown in Fig. 2(a). Although many geometric calibration and image alignment methods for multi-modal cameras have been proposed,3437 accurate and dense alignment for each pixel is still an open problem. As a result, their detectors suffer dramatically worse performance in poorly ARs.

2.2.2.

Adaptive feature fusion

AR-CNN16 is the first work that immensely tackles the misalignment issue in multi-modal CNN-based pedestrian detection. They proposed AR-CNN, considering the disparity between multi-modalities. They also provided KAIST paired annotation, which includes annotated bounding boxes for each modality. Their method predicts the shift distance between modalities for each region of interest (RoI), relocates the visible region into the thermal area, and then aligns them together, as shown in Fig. 2(b). They successfully improved performance from previous methods that do not consider misalignment, revealing the influence of misalignment. MBNet17 also proposes a method that takes modality imbalance into account. However, those methods assume that the misalignment is weak, which leads to inaccurate detection of bounding boxes in one (or both) modality when the misalignment is significant. To tackle this problem, we introduce the modal-wise regressor to detect each object in a pair of bounding boxes with different coordinates in each modality, as shown in Fig. 2(c), resulting in more accurate object localization in both modalities.

2.3.

Evaluation Metric for Pedestrian Detection

In object detection, there are several evaluation metrics. The most fundamental metric is intersection over union (IoU), which measures the overlap between two bounding boxes. We predefine an IoU threshold (usually 0.5) between the predicted bounding box and ground truth bounding box to classify whether that bounding box is true positive or false positive or between each bounding box to discard the low score one with NMS. One of the most common metrics to measure object detection accuracy is average precision (AP). For PASCAL VOC dataset,38 AP is the average precision for recall over 0 to 1 with IoU threshold of 0.5, which then average over all object categories. Meanwhile, for COCO dataset,39 mAP (or just AP) is the average AP for IoU threshold over 0.5 to 0.95 with a step size of 0.05 to measure the precision of detection with varying restrictions, not just IoU threshold of 0.5. Despite that, MR has been used as the primary evaluation metric for pedestrian detection since we only focus on one class in pedestrian detection, pedestrian. Moreover, pedestrian detection is closely related to real-life applications such as autonomous driving cars, any false negative in detection could cause a severe accident. At first, the Caltech Pedestrian Dataset21 plotted MR over false positives per image (FPPI) in log-log scale and used MR at 100 FPPI as a common reference point to compare performances. KAIST dataset,8 however, stepped up to log-average MR over 102 to 100 (MR) following the suggestion by Dollar et al.40 Since then, MR has been the primary evaluation metric for multi-modal pedestrian detection.

3.

Proposed Method

This section explains our proposed method and evaluation metrics in detail. First, we describe each evaluation metric we propose for multi-modal pedestrian detection. Second, we describe our proposed multi-modal faster R-CNN network designed for misalignment problems.

3.1.

Proposed Evaluation Metrics

We propose evaluation metrics that we use in our training and performance testing. First, multi-modal IoU (IoUM) is introduced. Second, multi-modal MR (MRM) is introduced.

3.1.1.

Multi-modal IoU

Traditionally, we use IoU in object detection tasks to evaluate the overlap between ground truth and detection bounding boxes. The IoU is defined as

Eq. (1)

IoU=GTDTGTDT,
where GT and DT denote ground truth and detection bounding boxes, respectively. GTDT represents the area of intersection of ground truth and detection bounding boxes, GTDT represents the area of union of ground truth and detection bounding boxes. However, when there is a misalignment between modalities, the coordinates of each object in both modalities are not the same. If we are only concerned about the precision of one modality, another modality will have poor precision. To measure the ability to handle both modalities, especially when the level of misalignment is high, we introduce a new evaluation metric, which we call “multi-modal IoU (IoUM)” defined as

Eq. (2)

IoUM=(GTVDTV)+(GTTDTT)(GTVDTV)+(GTTDTT),
where GTV and GTT denote paired ground-truth bounding boxes referring to the same object of visible and thermal modalities, respectively. DTV and DTT denote paired detection bounding boxes referring to the same object from visible and thermal modality, respectively. IoUM can be used to determine the precision of detection bounding boxes in both modalities.

3.1.2.

Multi-modal MR

Following the traditional evaluation of object detection, we categorize detection bounding boxes and ground-truth bounding boxes into true positives, false positives, and false negatives to evaluate detection results. The traditional way to do that is the greedy matching algorithm. Matched detection bounding boxes will become true positives, unmatched detection bounding boxes will become false positives, and unmatched ground truth bounding boxes will become false negatives. In pedestrian detection, we value false negatives the most since miss detection could be crucial in real-life applications. The lower the false negatives, the better. In multi-modal pedestrian detection, performance is traditionally measured by log-average MR suggested by Dollar et al.40 MR is defined by geometrical mean of MRs at specific FPPI evenly divided in log space, which can be formulated as

Eq. (3)

LogAverage Miss Rate(MR)=(i=1nai)1n=exp[1ni=1nlnai],
where a1,a2,,an are MRs at n different FPPI evenly spaced in log space. MR is the proportion of false negative results to total objects, and FPPI is the proportion of false positive results to total images. Traditionally, we use nine MRs at evenly spaced FPPI over [102,100] in log space (102,101.75,101.5,,100) to calculate MR, at which we call MR2. The lower the MR, the better.

The original KAIST dataset only had a single common annotation for each object in both modalities, despite misalignment between them. Their annotation also has many errors, such as imprecise localization, misclassification, and misARs.10 Aware of the issue, many researchers relabeled KAIST annotation to solve the above errors. Liu et al.11 provided improved annotation for the testing, which has become the standard annotation for performance evaluation. Li et al.10 provided sanitized annotation for the training and demonstrated the effects caused by different kinds of annotation errors. Zhang et al.16,41 provided revolutionary KAIST-paired annotation, which carefully localizes pedestrians in both modalities and builds their relationships. They also evaluated the detection performance by MRV and MRT, which denote MR evaluating by visible annotation and thermal annotation, respectively. However, those evaluations were performed separately, and their detection results have no relationship between visible and thermal bounding boxes, which makes To evaluate the precision of detection results in both modalities pairwise, we change the criteria of the greedy matching algorithm from IoU to IoUM, which represents MR based on IoUM, multi-modal MR (MRM). To use this metric, the detection results must be pairs of bounding boxes; each pair locates the same object in both modalities, which could have different coordinates due to misalignment. Not only is MRM able to measure the precision of bounding boxes in both modalities simultaneously, but it also measures the ability to correctly match objects between modalities with misalignment since the detection bounding box pair can mismatch with other nearby objects, which can potentially become false negative, resulting in lower MRM. We experiment using MRM as an evaluation metric to demonstrate its effectiveness in measuring the detection performance against misalignment.

3.2.

Proposed Model

We adopt faster R-CNN42 architecture and extend it into a two-stream network for multi-modal imaging, which consists of multi-modal RPN, multi-modal detector, and multi-modal NMS. Moreover, our multi-modal mini-batch sampling strategy is introduced. An overview of our network structure is shown in Fig. 3.

Fig. 3

The overall architecture of our network. We extend Faster R-CNN into a two-stream network to take visible-thermal image pairs as input, then return pairs of detection bounding boxes as output for both modalities. Blue and green blocks/paths represent properties of visible and thermal modalities, respectively. RoIs and bounding boxes with the same color represent their paired relations. denotes channel-wise concatenation.

JEI_32_1_013025_f003.png

3.2.1.

Multi-modal RPN

The proposed multi-modal RPN has regressors for both modalities, enabling proposals from each modality to adjust their sizes and positions independently. After receiving channel-wise concatenated features from backbone networks, the proposed multi-modal RPN will generate proposal pairs as its output via classifier and dual-regressor, predicting each proposal pair’s confidence score and regressing each proposal individually. We use multi-modal NMS (Sec. 3.2.3) to filter the best 300 out of many redundant proposal pairs to keep paired relations of proposals. All remaining proposals will be applied with RoIAlign43 operation to extract their feature maps into the exact size of 7×7 before returning to channel-wise concatenate with their corresponding pairs, resulting in well-aligned RoI for the detector. While single-modal regressor returns proposal pair with the same position for both bounding boxes, multi-modal regressor returns proposal pair with different positions for both bounding boxes, which gives more accurate RoI for detector in case of significant misalignment. We adopt the loss function of RPN from faster R-CNN42 and add one more regression loss to optimize the precision of both modalities, which is defined as

Eq. (4)

L({pi},{tiV},{tiT},{pi*},{tiV*},{tiT*})=1NclsiLcls(pi,pi*)+λNregipi*[LregV(tiV,tiV*)+LregT(tiT,tiT*)],
where i is the index of the anchor, pi is the predicted probability of anchor i being an object. pi* is ground truth label of anchor i, which equals 1 if anchor i is positive (overlaps with an object above the high threshold) and 0 if anchor i is negative (overlaps with an object below the low threshold). Lcls is a cross-entropy over object and not object classes, which is defined as

Eq. (5)

Lcls(p,p*)=(p*log(p)+(1p*)log(1p)).

tiV and tiT are vectors representing parameterized coordinates of predicted bounding box pairs as t=(tx,ty,tw,th) that associate with anchor i in visible and thermal modalities, respectively, and tiV*, tiT* are that of the ground truth bounding box pairs. Regression losses LregV, LregT are smooth L1 loss for visible and thermal modalities, respectively, which are only activated for positive anchors (pi*=1), defined as

Eq. (6)

Lreg(t,t*)=j{x,y,w,h}smoothL1(tjtj*),
in which

Eq. (7)

smoothL1(x)={0.5x2if  |x|<1|x|0.5otherwise,

Ncls is mini-batch size and Nreg is number of anchor locations. Following Girshick et al.,44 the parameterized coordinates t=(tx,ty,tw,th) for regression are scale-invariant translation and log-space shift relative, defined as

Eq. (8)

tx=(xpxa)/wa,tx*=(x*xa)/wa,ty=(ypya)/ha,ty*=(y*ya)/ha,tw=log(wp/wa),tw*=log(w*/wa),th=log(hp/ha),th*=log(h*/ha),
where x and y denote the bounding box’s center coordinates and w and h denote its width and height. Variables p, a, and * denote coordinates of prediction, anchor, and ground truth bounding boxes, respectively. We set λ=1 for all experiments.

3.2.2.

Multi-modal detector

Similar to RPN, the proposed multi-modal detector network has regressors for both modalities to independently adjust bounding boxes’ positions and one classifier to predict each bounding box pair’s confidence score. Multi-modal NMS (Sec. 3.2.3) is also applied to eliminate vague overlapping bounding box pairs. We will have detection result as pairs of bounding boxes for both modalities, which have different sizes and positions in different modalities, resulting in detection bounding boxes that are precise for both modalities and keep their paired relations. We adopt the loss function of the detector from fast R-CNN45 and add one more regression loss, which is defined as

Eq. (9)

L({pi},{tiV},{tiT},{pi*},{tiV*},{tiT*})=iLcls(pi,pi*)+λipi*[LregV(tiV,tiV*)+LregT(tiT,tiT*)],
where i is the index of a bounding box pair, Lcls is a cross-entropy for class probability pi and true class pi* [Eq. (5)] of bounding box pair i, since we only consider pedestrian class, there are only two classes, pedestrian and non-pedestrian, in which pi* equals 1 and 0, respectively. Regression losses LregV, LregT are smooth L1 loss [Eqs. (6) and (7)] over predicted regression offsets tiV, tiT and regression targets tiV*, tiT* of bounding box pair i for visible and thermal modalities, respectively, which are also parameterized as Eq. (8). We set λ=1 for all experiments.

3.2.3.

Multi-modal NMS

NMS is a technique for selecting one entity out of many overlapping entities, usually using IoU as a suppression criterion, i.e., when the IoU between bounding boxes exceeds the threshold, the bounding box with a lower prediction score is suppressed. Since CNN-based methods generate many dense bounding boxes mostly detecting the same objects, the detection results are cluttered with unnecessary bounding boxes. Therefore, we use NMS to remove those lower-quality bounding boxes, keeping only the best bounding boxes to locate the objects. However, since we need to keep paired relations of bounding boxes between visible and thermal modalities in this procedure, we must select and suppress bounding boxes in a pairwise approach, or paired relations would be lost in the suppression process. For this purpose, we attempt various criteria that can select and suppress bounding boxes in a pairwise manner for our NMS.

As a naive extension, we can use either IoUV or IoUT as multi-modal NMS criteria, i.e., making one modality a dictator. In AR-CNN,16 IoUT is used for NMS criteria, neglecting information of visible modality. Accordingly, we can use the logical operation of IoUV and IoUT as criteria. For or operation, if either IoUV or IoUT exceeds the threshold, the bounding box pair with a lower score will be suppressed. For and operation, if both IoUV and IoUT exceed the threshold, the bounding box pair with a lower score will be suppressed. Lastly, we use the proposed IoUM as criteria, where the proportion of intersection and union from both modalities is considered. Examples of proposed multi-modal NMS results with different criteria are shown in Fig. 4. Several detection bounding box pairs around objects are shown before and after the multi-modal NMS process.

Fig. 4

Examples of multi-modal NMS processes with different criteria on the scenes where large misalignment is present. Bounding boxes with the same color reflect paired relations between them. Left side shows bounding box pairs prior to multi-modal NMS. Right side shows results of multi-modal NMS with different criteria. (a) Single pedestrian and (b) two pedestrians with partial occlusion.

JEI_32_1_013025_f004.png

From Fig. 4(a), IoUV and IoUT clearly show weakness, considering only one modality, these criteria can not get rid of all ambiguous bounding boxes around the same object, which is also the same for logical operator and. On the contrary, logical operator or and IoUM can suppress needless bounding boxes correctly. In case of multiple pedestrians with partial occlusion and misalignment, which is not uncommon in the real situation, correct bounding boxes could be removed if not handled properly. As shown in Fig. 4(b), IoUV and logical operator and, while preserving correct bounding boxes, fail to remove poor bounding boxes around the objects. IoUt and logical operator or remove most poor bounding boxes, including correct green bounding boxes. As a result, less precise yellow bounding boxes remain. Meanwhile, IoUM can suppress and keep all correct bounding boxes precisely. IoUM is our best candidate for NMS criteria since it considers the overlaps between bounding boxes in both modalities, unlike other criteria. The experiment to demonstrate performance comparison between all NMS criteria is also conducted (Sec. 4.5.2).

3.2.4.

Multi-modal mini-batch sampling

We follow sampling strategies from Faster R-CNN42 and Fast R-CNN.45 Although, the dual-regressor of our method requires that we select training samples as anchor pairs and RoI pairs for RPN and detector, respectively. Same as NMS, we can use IoUV, IoUT, logical operation of IoUV and IoUT, or IoUM as criteria. For this purpose, we use IoUM as selection criteria instead of traditional IoU to consider the location of objects in both modalities. For RPN, we assign positive labels to anchors that overlap with any ground truth bounding box pair higher than the high IoUM threshold and assign negative labels to anchors that overlap with all ground truth bounding box pairs lower than the low IoUM threshold, for a total of 256 anchor pairs, whereas positive labels can take up to 128 anchor pairs. For detector, we assign positive labels to RoI pairs that overlap with any ground truth bounding box pair higher than the high IoUM threshold and assign negative labels to RoI pairs that overlap with all ground truth bounding box pairs lower than the high IoUM threshold but higher than the low IoUM threshold, for a total of 128 RoI pairs, whereas positive labels can take up to 32 RoI pairs.

4.

Experiments

First, we describe the dataset we used in our experiments. Second, the details of our implementation are clarified. Third, we indicate evaluation details of our experiments, which include the explanation of simulated disparity of misalignment experiment. Fourth, we illustrate and discuss the results of our experiments compared with existing methods, divided into performance comparison and qualitative comparison. Finally, we conducted ablation experiments to verify the effectiveness of our network’s components, multi-modal regressor, and multi-modal NMS.

4.1.

Dataset

KAIST dataset8 was used in our experiments. It is one of the widely used multi-modal pedestrian datasets, with more than 90,000 frames recorded both day and night to consider changes in light conditions. It was initially assumed to be geometrically aligned. However, the annotations have many errors,10 such as imprecise localization, misclassification, and misARs. Many researchers constructed their improved version of annotations to use instead of the original. Improved annotations provided by Liu et al.11 has officially been used as standard annotations for performance benchmark. Zhang et al.16 carefully analyzed the misalignment problem of KAIST dataset and were the first to provide paired annotations for KAIST dataset, locating objects for each modality individually and building their paired relations. Since we focus on the misalignment problem, we adopted their annotations to use in our work for training and testing.

4.2.

Implementation Details

We adopt VGG-1646 pre-trained on ImageNet47,48 as our two-stream backbone networks as in AR-CNN.16 We train the network for three epochs with a learning rate of 0.005 and one additional epoch with a learning rate of 0.0005 by stochastic gradient descent optimizer with 0.9 momentum and 0.0005 weight decay. We select 8892 images from the training set containing informative pedestrians for the training. Image resolution is fixed to 640×512. All images are horizontally flipped and append to original training data for data augmentation. Since we utilize IoUM as batch sampling and NMS thresholds instead of traditional IoU, we conduct fine-tune experiments to get the suitable values for those thresholds. For multi-modal RPN’s mini-batch sampling, we set IoUM of high and low thresholds at 0.63 and 0.3, respectively. For multi-modal detector’s mini-batch sampling, we set IoUM of high threshold and low thresholds at 0.5 and 0.1, respectively. For the first NMS following RPN, we set IoUM threshold at 0.7 in the training to generate proposals with more variation in precision, which can benefit the training of the detector, and we set IoUM threshold at 0.55 in the testing to generate bounding boxes with higher precision. For the second NMS following detector, we set IoUM threshold at 0.53.

4.3.

Evaluation Details

To thoroughly evaluate the effectiveness of our method against misalignment, we introduce simulated disparity of misalignment between modalities as an experiment set up by shifting thermal images by 2, 4, 6, 8, and 10 pixels horizontally in both directions to imitate the misalignment, which mainly occurs in the horizontal direction. There is no change to visible images. However, in case of any pedestrian goes over the image border as a result of shifting, That pedestrian will be ignored from the evaluation. Subsequently, we will have 11 subsets of different misalignments as test data for each horizontal shift. Mean and standard deviation (SD) of MRM over all subsets are also calculated to evaluate the overall performance over different disparities and robustness to misalignment. For performance comparison, detection performance was measured by MRM over the range of [102, 100] FPPI with IoUM threshold of 0.5 (MR50M) and 0.75 (MR75M), respectively, for all simulated disparity distances. Additionally, MR curves are plotted by using the mean and the worst MR of all simulated disparity distances over the range of [102, 100] FPPI with IoUM threshold of 0.5 (MR50M) and 0.75 (MR75M), respectively. Moreover, to see the performance of each modality independently, traditional MR of visible (MRV) and thermal (MRT) modalities are also evaluated for all simulated disparity distances, using IoUV for visible and IoUT for thermal, respectively.

For qualitative comparison, detection performance was measured by mean multi-modal IoU (mIoUM) between all ground truth bounding boxes and detection bounding boxes with the highest mIoUM overlap in each scene. For ablation study, detection performance was measured by MRM over the range of [102,100] FPPI with IoUM threshold of 0.5 (MR50M) for all simulated disparity distances. All experiments were performed under reasonable configuration,8 i.e., only pedestrians taller than 55 pixels under partial or no occlusion are considered. Only 2252 frames sampled from the test set with 20-frame skips were used in the performance test as traditional.

4.4.

Comparison with Existing Methods

We selected three existing methods for our experiments, MSDS-RCNN10 is representative of methods without misalignment consideration, AR-CNN16 and MBNet17 are methods that consider misalignment, trained by KAIST-paired annotations provided by Zhang et al.16 For methods that do not have paired detection bounding boxes as their outputs, we substituted paired detection bounding boxes with their detection bounding boxes from one modality.

4.4.1.

Performance comparison

As given in Table 1, MSDS-RCNN, the only method not considering misalignment, has much poorer performance than other methods, especially when the simulated disparity is significant. As for the proposed method, we have mediocre performance when there is no simulated disparity, and so as shift distance of 2, doing worse than MBNet17 by about 8%. It is noteworthy that AR-CNN16 and MBNet17 have better performance at shift distance of 2 than without simulated disparity. This demonstrates that the dataset has some misalignment from the beginning, and simulated disparity could align objects in certain circumstances. Our method, however, has a noticeable performance improvement, achieving the best MR50M when disparities are larger than 4 pixels, demonstrating the effectiveness against misalignment of our method. Our method also achieved the best performance at all disparities when IoUM threshold is 0.75, as shown in Table 2, i.e., our method performs the best when the requirement of bounding boxes’ precision is strict, indicating the superior precision of the proposed method’s detection bounding boxes. We also have the lowest mean and SD for both MR50M and MR75M, demonstrating our best overall performance over all misalignment situations and most robust against misalignment.

Table 1

Comparison with state-of-the-art methods on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR50M, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

MethodsThermal images’ horizontal shift distance (px)MeanSD
−10−8−6−4−20246810
MSDS-RCNN1027.0618.7615.9312.7412.5811.0911.7213.2515.0621.3827.4817.005.94
AR-CNN1621.6114.6510.438.678.228.798.6810.1011.0214.6519.8412.424.69
MBNet1723.1415.3111.028.927.707.768.649.8811.1714.8721.7012.745.43
Ours15.4611.6010.218.518.438.288.509.1410.3112.5115.8710.802.77

Table 2

Comparison with state-of-the-art methods on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR75M, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

MethodsThermal images’ horizontal shift distance (px)MeanSD
−10−8−6−4−20246810
MSDS-RCNN1093.0589.4683.5576.7871.7070.1070.9777.2984.7191.3595.4682.229.35
AR-CNN1694.2591.6487.6478.7069.5761.7765.1371.5681.8190.2994.7980.6512.06
MBNet1790.8987.5080.3370.8163.6358.8263.1571.3380.7589.2793.8777.3012.39
Ours63.3059.9456.6755.8755.4555.0755.3956.3557.0159.7262.5857.942.96

The MR plots by mean MR (solid lines) and worse miss (dashed lines) rate over all simulated disparity distances is shown in Fig. 5. We can see MR plot of proposed method’s mean MR at the bottom, with MR plot of the worst case being comparable to MR plots of other SOTA methods from Fig. 5(a). Our method also achieved the best MR50M, which is calculated by geometric mean of MR and over [102, 100] FPPI, for both mean MR and worst MR, lower than AR-CNN16 by 13% and 27%, respectively. From Fig. 5(b), our proposed method clearly outshines other SOTA methods, separating at the bottom for both mean and worst case plots, demonstrating the superior robustness to misalignment and bounding box precision in both modalities. Same as MR50M, our method achieved the best MR75M for both mean MR and worst MR, better than MBNet17 by 25% and 32%, respectively.

Fig. 5

Comparison of state-of-the-art methods’ performance on KAIST dataset by mean MR (solid lines) and worst MR (dashed lines) of eleven different simulated disparities to FPPI curves. Numbers in legend show geometric mean of mean MR and geometric mean of worst MR over FPPI in the range of [102, 100] of each method. (a) IoUM threshold of 0.5 and (b) IoUM threshold of 0.75.

JEI_32_1_013025_f005.png

The performances measured by MR50V and MR50T are given in Table 3. Our proposed method significantly outperforms others on MR50V when the disparities are large and has better performance overall, indicated by the lowest mean. On MR50T, while AR-CNN16 has the best performance and we are comparable to them, AR-CNN has an inferior performance on MR50V. The reason might be because AR-CNN used thermal images as reference modality, making it more biased toward thermal modality. Meanwhile, our method can maintain good performance in both modalities at the same time. Generally, we have significantly better performance in visible modality and comparable performance to AR-CNN in thermal modality. From Table 4, we have significantly better MR75V at all disparities and comparable performance with AR-CNN on MR75T. Overall, we have the best performance in both evaluation metrics and are the most robust to misalignment, indicated by the lowest SD. In summary, our bounding boxes are well placed in both modalities despite the misalignment compared to other SOTA methods.

Table 3

Comparison with state-of-the-art methods on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR50V and MR50T, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

MethodsThermal images’ horizontal shift distance (px)MeanSD
−10−8−6−4−20246810
MSDS-RCNN10MR50V30.4321.9016.9112.9812.2411.2812.3614.3017.9224.7333.1618.937.65
MR50T38.8929.5222.0215.9214.3512.5113.9216.2820.1727.7134.8822.389.09
AR-CNN16MR50V70.8357.9237.7019.1411.409.1213.4117.5427.8043.2661.3933.5922.05
MR50T11.239.648.828.098.049.058.168.228.9710.1310.239.141.05
MBNet17MR50V38.5626.4216.2510.278.827.898.6810.3813.8119.1929.0517.2110.11
MR50T26.0618.8213.1410.048.998.129.8912.3516.0522.8428.6015.97.21
OursMR50V19.3316.4312.8610.8310.109.329.6310.0911.8713.6917.9912.923.53
MR50T12.9211.3110.418.838.458.558.469.409.8511.4112.8710.221.69

Table 4

Comparison with state-of-the-art methods on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR75V and MR75T, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

MethodsThermal images’ horizontal shift distance (px)MeanSD
−10−8−6−4−20246810
MSDS-RCNN10MR75V81.5577.8172.5970.2467.4468.4271.6277.7282.5987.2089.8277.007.62
MR75T92.4289.9687.0381.9977.1372.4972.3577.6481.2785.7390.1882.567.08
AR-CNN16MR75V96.6094.8893.5188.8881.3562.9271.4778.8988.9794.7697.2286.3111.32
MR75T57.3256.9755.2955.3353.5961.5756.5056.8357.8159.1360.8057.382.38
MBNet17MR75V86.0484.0879.1972.7565.7260.4261.8867.8374.8782.1887.5574.779.79
MR75T84.3481.3377.6869.9263.3459.8666.9073.9880.4786.0588.3075.659.57
OursMR75V65.8163.7461.6059.6158.9957.2358.1058.2359.7261.9463.7860.802.78
MR75T59.3556.9656.4055.1754.5954.7755.0155.9557.4458.2860.1956.741.91

4.4.2.

Qualitative comparison

We provide visualization of detection results from several state-of-the-art methods on four scenes from KAIST8 test set with a varied amount of misalignment to measure each method’s quality in terms of detection precision and reliability. For methods that only have detection bounding boxes localizing objects in one modality, we replicated detection bounding boxes in the other modality with the same position and showed them as dashed line bounding boxes, i.e., we replicated thermal bounding boxes for MSDS-RCNN10 and MBNet,17 visible bounding boxes for AR-CNN.16

Scene N1 is a scene at nighttime with no misalignment between modalities and without simulated disparity. Scene D1 is a scene at daytime with significant distortion, causing each pedestrian to have different disparities, especially the leftmost pedestrian, without simulated disparity. Scene N2 is a scene at nighttime with slightly weak misalignment between modalities, and we add simulated disparity by shifting the thermal image by 10 pixels to the left direction. Scene D2 is a scene at daytime with huge misalignment from the beginning. We then add simulated disparity by shifting the thermal image by 10 pixels to the right direction for larger misalignment. We evaluate the mean IoUM of all detection bounding boxes with the highest IoUM overlap with each ground truth bounding box with at least 0.01 prediction score for each scene to measure the quality of bounding boxes of each method. As illustrated in Fig. 6, in Scene N1, our method could not demonstrate its strength since there is no misalignment. Moreover, the multi-modal regression also causes detection bounding boxes in visible modality to regress without clear information instead of staying at the same place as thermal bounding boxes, degrading the precision even further. In Scene D1, we can notice the more precise detection bounding boxes of the proposed method, especially at the leftmost pedestrian. Our method was able to adjust the detection bounding boxes in thermal modality closer to the pedestrian, despite the extreme misalignment. Still, the adjustment is not so great, which might be caused by the unusual pedestrian in dark color in thermal modality instead of bright color. In Scene N2 and D2, when misalignment is large, our method clearly shows its advantage by adjusting bounding boxes’ positions for both modalities, resulting in the highest mIoUM.

Fig. 6

Qualitative comparison examples of detection results on KAIST dataset of (a) MSDS-RCNN;10 (b) AR-CNN;16 (c) MBNet;17 and (d) ours. Scene N1 and D1 are original test images without simulated disparity. Scene N2 and D2 are test images with simulated disparity from shifting 10 pixels to the left and right direction, respectively. Green bounding boxes represent ground truth by Zhang et al.,16 and red bounding boxes represent detection results. Dashed line bounding boxes denote substituted bounding boxes for methods that do not have paired bounding boxes.

JEI_32_1_013025_f006.png

4.5.

Ablation Study

We conduct ablation experiments to investigate our network’s components and analyze each component’s effectiveness. First, we compare the performance of a typical two-stream faster R-CNN with our proposed models composed of either only multi-modal RPN or multi-modal detector and both of them. Second, we compare the performance of our proposed models trained and tested by different NMS criteria for both RPN and detector. Lastly, we compare the performance of our proposed models trained by different mini-batch sampling criteria for both RPN and detector.

4.5.1.

Regressor comparison

As given in Table 5, we can see that multi-modal regressor RPN does not significantly improve from a single-regressor, showing that the detector could not fully utilize RPNs output. Unquestionably, the performance improves drastically when a multi-modal regressor detector is implemented, especially with large misalignment, showing the benefit of locating objects in each modality individually. Finally, our network with both components has the best performance, indicating the effectiveness of both multi-modal RPN and multi-modal detector combined.

Table 5

Comparison of the proposed multi-modal Faster R-CNN consisting of different components on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR50M, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

RPN’s regressorDetector’s regressorThermal images’ horizontal shift distance (px)Mean
−10−8−6−4−20246810
SingleSingle24.4116.4213.0811.0310.1910.0711.0311.6613.6915.8121.1514.41
MultiSingle24.3317.0412.9210.579.939.9910.5911.4812.4915.0920.4614.08
SingleMulti18.5413.2510.209.178.578.969.219.9011.4413.1917.1811.78
MultiMulti15.4611.6010.218.518.438.288.509.1410.3112.5115.8710.80

4.5.2.

NMS comparison

As given in Table 6, IoUM outperforms other criteria in this experiment. IoUT also performs surprisingly well as the first runner-up. The reason might be that most of the pedestrians in KAIST dataset can be recognized by thermal modalities alone, and the misalignment is not significant in most test sets. Nevertheless, this experiment shows that IoUM can be utilized as NMS criteria for multi-modal pedestrian detection and perform the best compared to other criteria.

Table 6

Comparison of the proposed multi-modal Faster R-CNN consisting of different NMS criteria on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR50M, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

NMS criteriaThermal images’ horizontal shift distance (px)Mean
−10−8−6−4−20246810
IoUV16.1713.1811.6710.7111.1010.8211.4212.1013.3814.5618.7613.08
IoUT15.8612.2410.339.088.829.009.0810.1711.4113.3017.6011.54
OR16.9512.6411.379.9210.249.8510.0610.7212.0913.9716.5312.21
AND20.5115.1811.849.989.509.389.4310.2911.5115.0518.9812.88
IoUM15.4611.6010.218.518.438.288.509.1410.3112.5115.8710.80

4.5.3.

Mini-batch sampling comparison

From Table 7, IoUM has the best performance when shift distance is less than or equal to 8 and also achieves the lowest mean MRM. However, IoUM is inferior to OR when the shift distance is 10. The reason could be that OR is better at learning extreme cases, such as very large misalignment. Still, it has worse performance at no or weak misalignment as a trade-off. Overall, IoUM has the best performance. It is worth considering how to make a multi-modal network perform well at any level of misalignment.

Table 7

Comparison of the proposed multi-modal Faster R-CNN trained by different mini-batch sampling criteria on KAIST dataset, with simulated disparity of misalignment in the horizontal direction by MR50M, including their mean and SD over all shifted distances. Positive horizontal shift distances mean shifting to the right direction, and negative horizontal shift distances mean shifting to the left direction. Bold values indicate the best performance.

Sampling criteriaThermal images’ horizontal shift distance (px)Mean
−10−8−6−4−20246810
IoUV20.7716.8214.4213.3813.2813.2513.2714.7315.3617.3421.3115.81
IoUT14.7511.8910.909.629.659.769.5310.1610.8513.4016.3011.53
OR14.5411.6610.7010.039.079.2310.0710.1011.4012.9115.2611.36
AND17.0313.0710.929.979.399.469.6210.7611.7414.3818.5212.26
IoUM15.4611.6010.218.518.438.288.509.1410.3112.5115.8710.80

5.

Conclusion

In this article, we have analyzed the current misalignment problem of existing multi-modal pedestrian detection methods. We have proposed the novel multi-modal detection method based on modal-wise regression and IoUM, consisting of multi-modal NMS, multi-modal RPN, and multi-modal detector. We have also introduced new evaluation metrics for multi-modal detection, IoUM and MRM. The proposed method is robust to large misalignment, independently localizes pedestrians in each modality, and keeps their paired relations. Our experiments showed that when the misalignment is large or the precision requirement of bounding boxes is high, our proposed method achieves the best performance compared to state-of-the-art methods, demonstrating our robustness to misalignment and superior precision of detection bounding boxes in both modalities. However, the performance of our method when there is no misalignment is still lackluster, and even though we achieve the best performance when misalignment is significant, it is still not good enough to be reliable in crucial real-life applications such as autonomous driving cars, which has no room for any error. According to experimental results, we will improve our network’s performance in more cases in our future work, not only in cases of misalignment. Moreover, no method currently independently infers objects’ position for both modalities and builds their pair relations besides ours. We hope future research will consider our concern and use our proposed evaluation metric to evaluate multi-modal detection with misalignment.

References

1. 

E. Yurtsever et al., “A survey of autonomous driving: common practices and emerging technologies,” IEEE Access, 8 58443 –58469 https://doi.org/10.1109/ACCESS.2020.2983149 (2020). Google Scholar

2. 

U. Gawande, K. Hajari and Y. Golhar, Recent Trends in Computational Intelligence, IntechOpen Publisher( (2020). Google Scholar

3. 

B. Yang et al., “Convolutional channel features,” in Proc. IEEE Int. Conf. Comput. Vision (ICCV), (2015). https://doi.org/10.1109/ICCV.2015.18 Google Scholar

4. 

L. Zhang et al., “Is faster R-CNN doing well for pedestrian detection?,” in Proc. Eur. Conf. Comput. Vision (ECCV), 443 –457 (2016). Google Scholar

5. 

J. Mao et al., “What can help pedestrian detection?,” in IEEE Conf. Comput. Vision and Pattern Recognit. (CVPR), 6034 –6043 (2017). https://doi.org/10.1109/CVPR.2017.639 Google Scholar

6. 

J. Li et al., “Scale-aware fast R-CNN for pedestrian detection,” IEEE Trans. Multimedia, 20 (4), 985 –996 https://doi.org/10.1109/TMM.2017.2759508 (2018). Google Scholar

7. 

S. Zhang et al., “Occlusion-aware R-CNN: detecting pedestrians in a crowd,” in Proc. Eur. Conf. Comput. Vision (ECCV), (2018). Google Scholar

8. 

S. Hwang et al., “Multispectral pedestrian detection: benchmark dataset and baseline,” in IEEE Conf. Comput. Vision and Pattern Recognit. (CVPR), 1037 –1045 (2015). https://doi.org/10.1109/CVPR.2015.7298706 Google Scholar

9. 

A. González et al., “Pedestrian detection at day/night time with visible and fir cameras: a comparison,” Sensors, 16 (6), 820 https://doi.org/10.3390/s16060820 SNSRES 0746-9462 (2016). Google Scholar

10. 

C. Li et al., “Multispectral pedestrian detection via simultaneous detection and segmentation,” in Br. Mach. Vision Conf. (BMVC), (2018). Google Scholar

11. 

J. Liu et al., “Multispectral deep neural networks for pedestrian detection,” in Br. Mach. Vision Conf. (BMVC), 73.1 –73.13 (2016). Google Scholar

12. 

K. Park, S. Kim and K. Sohn, “Unified multi-spectral pedestrian detection based on probabilistic fusion networks,” Pattern Recognit., 80 143 –155 https://doi.org/10.1016/j.patcog.2018.03.007 (2018). Google Scholar

13. 

C. Li et al., “Illumination-aware faster R-CNN for robust multispectral pedestrian detection,” Pattern Recognit., 85 161 –171 https://doi.org/10.1016/j.patcog.2018.08.005 (2019). Google Scholar

14. 

W. Treible et al., “Cats: a color and thermal stereo benchmark,” in IEEE Conf. Comput. Vision and Pattern Recognit. (CVPR), (2017). https://doi.org/10.1109/CVPR.2017.22 Google Scholar

15. 

Y. Choi et al., “Kaist multi-spectral day/night data set for autonomous and assisted driving,” IEEE Trans. Intell. Transp. Syst., 19 (3), 934 –948 https://doi.org/10.1109/TITS.2018.2791533 (2018). Google Scholar

16. 

L. Zhang et al., “Weakly aligned cross-modal learning for multispectral pedestrian detection,” in Proc. IEEE Int. Conf. Comput. Vision (ICCV), (2019). https://doi.org/10.1109/ICCV.2019.00523 Google Scholar

17. 

K. Zhou, L. Chen and X. Cao, “Improving multispectral pedestrian detection by addressing modality imbalance problems,” in Proc. Eur. Conf. Comput. Vision (ECCV), 787 –803 (2020). Google Scholar

18. 

N. Wanchaitanawong et al., “Multi-modal pedestrian detection with large misalignment based on modal-wise regression and multi-modal IoU,” in 2021 17th Int. Conf. Mach. Vision and Appl. (MVA), 1 –6 (2021). https://doi.org/10.23919/MVA51890.2021.9511366 Google Scholar

19. 

N. Dalal and B. Triggs, “Histograms of oriented gradients for human detection,” in IEEE Comput. Soc. Conf. Comput. Vision and Pattern Recognit. (CVPR’05), 886 –893 (2005). https://doi.org/10.1109/CVPR.2005.177 Google Scholar

20. 

P. Dollár et al., “Integral channel features,” in Br. Mach. Vision Conf. (BMVC), (2009). Google Scholar

21. 

P. Dollár et al., “Pedestrian detection: a benchmark,” in Conf. Comput. Vision and Pattern Recognit. (CVPR), (2009). Google Scholar

22. 

P. Dollár et al., “Fast feature pyramids for object detection,” IEEE Trans. Pattern Anal. Mach. Intell. (PAMI), 36 (8), 1532 –1545 https://doi.org/10.1109/TPAMI.2014.2300479 (2014). Google Scholar

23. 

J. Wagner et al., “Multispectral pedestrian detection using deep fusion convolutional neural networks,” in Eur. Symp. Artif. Neural Networks, Comput. Intell. and Mach. Learn. (ESANN), (2016). Google Scholar

24. 

H. Choi et al., “Multi-spectral pedestrian detection based on accumulated object proposal with fully convolutional networks,” in 23rd Int. Conf. Pattern Recognit. (ICPR), 621 –626 (2016). Google Scholar

25. 

D. König et al., “Fully convolutional region proposal networks for multispectral person detection,” in IEEE Conf. Comput. Vision and Pattern Recognit. Workshops (CVPRW), 243 –250 (2017). https://doi.org/10.1109/CVPRW.2017.36 Google Scholar

26. 

D. Xu et al., “Learning cross-modal deep representations for robust pedestrian detection,” in IEEE Conf. Comput. Vision and Pattern Recognit. (CVPR), 4236 –4244 (2017). https://doi.org/10.1109/CVPR.2017.451 Google Scholar

27. 

D. Guan et al., “Fusion of multispectral data through illumination-aware deep neural networks for pedestrian detection,” Inf. Fusion, 50 148 –157 https://doi.org/10.1016/j.inffus.2018.11.017 (2019). Google Scholar

28. 

L. Zhang et al., “Cross-modality interactive attention network for multispectral pedestrian detection,” Inf. Fusion, 50 20 –29 https://doi.org/10.1016/j.inffus.2018.09.015 (2019). Google Scholar

29. 

H. Zhang et al., “Guided attentive feature fusion for multispectral pedestrian detection,” in Proc. IEEE/CVF Winter Conf. Appl. of Comput. Vision (WACV), 72 –80 (2021). https://doi.org/10.1109/WACV48630.2021.00012 Google Scholar

30. 

S. Li, X. Kang and J. Hu, “Image fusion with guided filtering,” IEEE Trans. Image Process., 22 (7), 2864 –2875 https://doi.org/10.1109/TIP.2013.2244222 (2013). Google Scholar

31. 

T. Rukkanchanunt, M. Tanaka and M. Okutomi, “Full thermal panorama from a long wavelength infrared and visible camera system,” J. Electron. Imaging, 28 (3), 033028 https://doi.org/10.1117/1.JEI.28.3.033028 JEIME5 1017-9909 (2019). Google Scholar

32. 

T. Shibata, M. Tanaka and M. Okutomi, “Misalignment-robust joint filter for cross-modal image pairs,” in Proc. IEEE Int. Conf. Comput. Vision (ICCV), 3295 –3304 (2017). https://doi.org/10.1109/ICCV.2017.357 Google Scholar

33. 

T. Rukkanchanunt et al., “Disparity map estimation from cross-modal stereo,” in IEEE Global Conf. Signal and Inf. Process. (GlobalSIP), 988 –992 (2018). https://doi.org/10.1109/GlobalSIP.2018.8646523 Google Scholar

34. 

Y. Ogino et al., “Coaxial visible and FIR camera system with accurate geometric calibration,” Proc. SPIE, 10214 1021415 https://doi.org/10.1117/12.2261271 (2017). Google Scholar

35. 

S. Kim et al., “DASC: dense adaptive self-correlation descriptor for multi-modal and multi-spectral correspondence,” in IEEE Conf. Comput. Vision and Pattern Recognit. (CVPR), 2103 –2112 (2015). https://doi.org/10.1109/CVPR.2015.7298822 Google Scholar

36. 

J. Dong et al., “Learning to align images using weak geometric supervision,” in Int. Conf. 3D Vision (3DV), 700 –709 (2018). https://doi.org/10.1109/3DV.2018.00085 Google Scholar

37. 

T. Shibata, M. Tanaka and M. Okutomi, “Accurate joint geometric camera calibration of visible and far-infrared cameras,” Electron. Imaging, 29 (11), 7 –13 https://doi.org/10.2352/ISSN.2470-1173.2017.11.IMSE-078 ELIMEX (2017). Google Scholar

38. 

M. Everingham et al., “The pascal visual object classes (VOC) challenge,” Int. J. Comput. Vision, 88 303 –338 https://doi.org/10.1007/s11263-009-0275-4 IJCVEQ 0920-5691 (2010). Google Scholar

39. 

T.-Y. Lin et al., “Microsoft COCO: common objects in context,” in Eur. Conf. Comput. Vision, 740 –755 (2014). https://doi.org/10.1007/978-3-319-10602-1_48 Google Scholar

40. 

P. Dollar et al., “Pedestrian detection: an evaluation of the state of the art,” IEEE Trans. Pattern Anal. Mach. Intell., 34 (4), 743 –761 https://doi.org/10.1109/TPAMI.2011.155 (2012). Google Scholar

41. 

L. Zhang et al., “Weakly aligned feature fusion for multimodal object detection,” IEEE Trans. Neural Networks Learn. Syst., 1 –15 https://doi.org/10.1109/TNNLS.2021.3105143 (2021). Google Scholar

42. 

S. Ren et al., “Faster R-CNN: towards real-time object detection with region proposal networks,” in Adv. in Neural Inf. Process. Syst., 91 –99 (2015). Google Scholar

43. 

K. He et al., “Mask R-CNN,” in Proc. IEEE Int. Conf. Comput. Vision (ICCV), 2980 –2988 (2017). https://doi.org/10.1109/ICCV.2017.322 Google Scholar

44. 

R. Girshick et al., “Rich feature hierarchies for accurate object detection and semantic segmentation,” in IEEE Conf. Comput. Vision and Pattern Recognit., 580 –587 (2014). https://doi.org/10.1109/CVPR.2014.81 Google Scholar

45. 

R. Girshick, “Fast R-CNN,” in Proc. IEEE Int. Conf. Comput. Vision (ICCV), 1440 –1448 (2015). https://doi.org/10.1109/ICCV.2015.169 Google Scholar

46. 

K. Simonyan and A. Zisserman, “Very deep convolutional networks for large-scale image recognition,” in Int. Conf. Learn. Represent. (ICLR), Conf. Track Proc., (2015). Google Scholar

47. 

J. Deng et al., “Imagenet: a large-scale hierarchical image database,” in IEEE Conf. Comput. Vision and Pattern Recognit. (CVPR), 248 –255 (2009). https://doi.org/10.1109/CVPR.2009.5206848 Google Scholar

48. 

A. Krizhevsky, I. Sutskever and G. E. Hinton, “Imagenet classification with deep convolutional neural networks,” in Adv. in Neural Inf. Process. Syst., 1097 –1105 (2012). Google Scholar

Biography

Napat Wanchaitanawong received his bachelor of engineering from the Department of Computer Engineering, Chulalongkorn University, in 2017, and received his master of engineering from the Department of Systems and Control Engineering, Tokyo Institute of Technology in 2021. He is currently a PhD student at the Department of Systems and Control Engineering, Tokyo Institute of Technology. His research interests include computer vision and image processing.

Masayuki Tanaka received his bachelor’s and master’s in control engineering, and a PhD from Tokyo Institute of Technology in 1998, 2000, and 2003. He was a software engineer at Agilent Technology from 2003 to 2004. He was a research scientist at Tokyo Institute of Technology from 2004 to 2008. He was an associate professor at the Graduate School of Science and Engineering, Tokyo Institute of Technology, from 2008 to 2016. He was a visiting scholar at Department of Psychology, Stanford University, from 2013 to 2014. He was an associate professor at the School of Engineering, Tokyo Institute of Technology, from 2016 to 2017. He was a senior researcher at National Institute of Advanced Industrial Science and Technology from 2017 to 2020. Since 2020, he has been an associate professor at the School of Engineering, Tokyo Institute of Technology.

Takashi Shibata received his BS and MS degrees form the Department of Physics, Tohoku University, in 2005 and 2007, respectively. He received his PhD from Tokyo Institute of Technology in 2017. He joined NEC Corporation in 2008. Since 2020, he has been a principal researcher at NTT Corporation. His research interests include image processing and pattern recognition.

Masatoshi Okutomi received his BEng from the Department of Mathematical Engineering and Information Physics, the University of Tokyo, Japan, in 1981 and an MEng from the Department of Control Engineering, Tokyo Institute of Technology, Japan, in 1983. He joined Canon Research Center, Canon Inc., Tokyo, Japan, in 1983. From 1987 to 1990, he was a visiting research scientist in the School of Computer Science at Carnegie Mellon University. In 1993, he received a DEng for his research on stereo vision from Tokyo Institute of Technology. Since 1994, he has been with Tokyo Institute of Technology, where he is currently a professor in the Department of Systems and Control Engineering, the School of Engineering.

CC BY: © The Authors. Published by SPIE under a Creative Commons Attribution 4.0 International License. Distribution or reproduction of this work in whole or in part requires full attribution of the original publication, including its DOI.
Napat Wanchaitanawong, Masayuki Tanaka, Takashi Shibata, and Masatoshi Okutomi "Multi-modal pedestrian detection with misalignment based on modal-wise regression and multi-modal IoU," Journal of Electronic Imaging 32(1), 013025 (7 February 2023). https://doi.org/10.1117/1.JEI.32.1.013025
Received: 22 September 2022; Accepted: 18 January 2023; Published: 7 February 2023
Lens.org Logo
CITATIONS
Cited by 2 scholarly publications.
Advertisement
Advertisement
KEYWORDS
Object detection

Education and training

Magnetic resonance imaging

Thermography

Computer simulations

Performance modeling

Ablation

RELATED CONTENT


Back to Top