45 results on '"Chengjie Wang"'
Search Results
2. ASFD: Automatic and Scalable Face Detector
- Author
-
Jilin Li, Chengjie Wang, Ying Tai, Jian Li, Zhenyu Zhang, Yili Xia, Yabiao Wang, Bin Zhang, and Huang Xiaoming
- Subjects
FOS: Computer and information sciences ,Feature aggregation ,Computer science ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Detector ,Computer Science - Computer Vision and Pattern Recognition ,Pattern recognition ,Object detection ,Margin (machine learning) ,Face (geometry) ,Scalability ,Artificial intelligence ,Face detection ,business - Abstract
Along with current multi-scale based detectors, Feature Aggregation and Enhancement (FAE) modules have shown superior performance gains for cutting-edge object detection. However, these hand-crafted FAE modules show inconsistent improvements on face detection, which is mainly due to the significant distribution difference between its training and applying corpus, COCO vs. WIDER Face. To tackle this problem, we essentially analyse the effect of data distribution, and consequently propose to search an effective FAE architecture, termed AutoFAE by a differentiable architecture search, which outperforms all existing FAE modules in face detection with a considerable margin. Upon the found AutoFAE and existing backbones, a supernet is further built and trained, which automatically obtains a family of detectors under the different complexity constraints. Extensive experiments conducted on popular benchmarks, WIDER Face and FDDB, demonstrate the state-of-the-art performance-efficiency trade-off for the proposed automatic and scalable face detector (ASFD) family. In particular, our strong ASFD-D6 outperforms the best competitor with AP 96.7/96.2/92.1 on WIDER Face test, and the lightweight ASFD-D0 costs about 3.1 ms, more than 320 FPS, on the V100 GPU with VGA-resolution images., ACM MM2021
- Published
- 2022
3. LSTC: Boosting Atomic Action Detection with Long-Short-Term Context
- Author
-
Boshen Zhang, Chengjie Wang, Feiyue Huang, Jilin Li, Yabiao Wang, Weiyao Lin, Jian Li, and Yuxi Li
- Subjects
FOS: Computer and information sciences ,Class (computer programming) ,Boosting (machine learning) ,Computer science ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Pipeline (computing) ,Computer Science - Computer Vision and Pattern Recognition ,Inference ,Context (language use) ,Machine learning ,computer.software_genre ,Term (time) ,Action (philosophy) ,Conditional independence ,Artificial intelligence ,business ,computer - Abstract
In this paper, we place the atomic action detection problem into a Long-Short Term Context (LSTC) to analyze how the temporal reliance among video signals affect the action detection results. To do this, we decompose the action recognition pipeline into short-term and long-term reliance, in terms of the hypothesis that the two kinds of context are conditionally independent given the objective action instance. Within our design, a local aggregation branch is utilized to gather dense and informative short-term cues, while a high order long-term inference branch is designed to reason the objective action class from high-order interaction between actor and other person or person pairs. Both branches independently predict the context-specific actions and the results are merged in the end. We demonstrate that both temporal grains are beneficial to atomic action recognition. On the mainstream benchmarks of atomic action detection, our design can bring significant performance gain from the existing state-of-the-art pipeline. The code of this project can be found at [this url](https://github.com/TencentYoutuResearch/ActionDetection-LSTC), ACM Multimedia 2021
- Published
- 2021
4. SiamRCR: Reciprocal Classification and Regression for Visual Object Tracking
- Author
-
Yueyang Gu, Weiyao Lin, Yang Wu, Chengjie Wang, Yabiao Wang, Zhengkai Jiang, Jinlong Peng, and Ying Tai
- Subjects
FOS: Computer and information sciences ,Computer science ,BitTorrent tracker ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,Inference ,Pattern recognition ,Object (computer science) ,Tracking (particle physics) ,Regression ,Effective solution ,Video tracking ,Artificial intelligence ,business ,Reciprocal - Abstract
Recently, most siamese network based trackers locate targets via object classification and bounding-box regression. Generally, they select the bounding-box with maximum classification confidence as the final prediction. This strategy may miss the right result due to the accuracy misalignment between classification and regression. In this paper, we propose a novel siamese tracking algorithm called SiamRCR, addressing this problem with a simple, light and effective solution. It builds reciprocal links between classification and regression branches, which can dynamically re-weight their losses for each positive sample. In addition, we add a localization branch to predict the localization accuracy, so that it can work as the replacement of the regression assistance link during inference. This branch makes the training and inference more consistent. Extensive experimental results demonstrate the effectiveness of SiamRCR and its superiority over the state-of-the-art competitors on GOT-10k, LaSOT, TrackingNet, OTB-2015, VOT-2018 and VOT-2019. Moreover, our SiamRCR runs at 65 FPS, far above the real-time requirement., The 30th International Joint Conference on Artificial Intelligence (IJCAI 2021)
- Published
- 2021
5. HifiFace: 3D Shape and Semantic Prior Guided High Fidelity Face Swapping
- Author
-
Ying Tai, Chen Xu, Yongjian Wu, Rongrong Ji, Chengjie Wang, Wenqing Chu, Jilin Li, Junwei Zhu, Yuhan Wang, and Feiyue Huang
- Subjects
Similarity (geometry) ,Computer science ,business.industry ,media_common.quotation_subject ,Fidelity ,Facial recognition system ,Face shape ,High fidelity ,Face (geometry) ,Identity (object-oriented programming) ,Computer vision ,Artificial intelligence ,business ,Encoder ,media_common - Abstract
In this work, we propose a high fidelity face swapping method, called HifiFace, which can well preserve the face shape of the source face and generate photo-realistic results. Unlike other existing face swapping works that only use face recognition model to keep the identity similarity, we propose 3D shape-aware identity to control the face shape with the geometric supervision from 3DMM and 3D face reconstruction method. Meanwhile, we introduce the Semantic Facial Fusion module to optimize the combination of encoder and decoder features and make adaptive blending, which makes the results more photo-realistic. Extensive experiments on faces in the wild demonstrate that our method can preserve better identity, especially on the face shape, and can generate more photo-realistic results than previous state-of-the-art methods. Code is available at: https://johann.wang/HifiFace
- Published
- 2021
6. Context-Aware Image Inpainting with Learned Semantic Priors
- Author
-
Wenqing Chu, Xiaokang Yang, Bingbing Ni, Yunbo Wang, Wendong Zhang, Ying Tai, Junwei Zhu, and Chengjie Wang
- Subjects
FOS: Computer and information sciences ,business.industry ,Computer science ,Computer Vision and Pattern Recognition (cs.CV) ,Inpainting ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Computer Science - Computer Vision and Pattern Recognition ,Context (language use) ,computer.software_genre ,Semantics ,Image (mathematics) ,Prior probability ,Leverage (statistics) ,Artificial intelligence ,business ,computer ,Invariant (computer science) ,Natural language processing ,Generator (mathematics) - Abstract
Recent advances in image inpainting have shown impressive results for generating plausible visual details on rather simple backgrounds. However, for complex scenes, it is still challenging to restore reasonable contents as the contextual information within the missing regions tends to be ambiguous. To tackle this problem, we introduce pretext tasks that are semantically meaningful to estimating the missing contents. In particular, we perform knowledge distillation on pretext models and adapt the features to image inpainting. The learned semantic priors ought to be partially invariant between the high-level pretext task and low-level image inpainting, which not only help to understand the global context but also provide structural guidance for the restoration of local textures. Based on the semantic priors, we further propose a context-aware image inpainting model, which adaptively integrates global semantics and local features in a unified image generator. The semantic learner and the image generator are trained in an end-to-end manner. We name the model SPL to highlight its ability to learn and leverage semantic priors. It achieves the state of the art on Places2, CelebA, and Paris StreetView datasets., Accepted by IJCAI 2021
- Published
- 2021
7. Learning Salient Boundary Feature for Anchor-free Temporal Action Localization
- Author
-
Yanwei Fu, Ying Tai, Chengming Xu, Yabiao Wang, Feiyue Huang, Jilin Li, Chengjie Wang, Donghao Luo, and Chuming Lin
- Subjects
FOS: Computer and information sciences ,Computer Science - Artificial Intelligence ,Computer science ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Frame (networking) ,Feature extraction ,Pooling ,Computer Science - Computer Vision and Pattern Recognition ,Boundary (topology) ,Consistency (database systems) ,Artificial Intelligence (cs.AI) ,Feature (computer vision) ,Margin (machine learning) ,Pattern recognition (psychology) ,Artificial intelligence ,business ,Algorithm - Abstract
Temporal action localization is an important yet challenging task in video understanding. Typically, such a task aims at inferring both the action category and localization of the start and end frame for each action instance in a long, untrimmed video.While most current models achieve good results by using pre-defined anchors and numerous actionness, such methods could be bothered with both large number of outputs and heavy tuning of locations and sizes corresponding to different anchors. Instead, anchor-free methods is lighter, getting rid of redundant hyper-parameters, but gains few attention. In this paper, we propose the first purely anchor-free temporal localization method, which is both efficient and effective. Our model includes (i) an end-to-end trainable basic predictor, (ii) a saliency-based refinement module to gather more valuable boundary features for each proposal with a novel boundary pooling, and (iii) several consistency constraints to make sure our model can find the accurate boundary given arbitrary proposals. Extensive experiments show that our method beats all anchor-based and actionness-guided methods with a remarkable margin on THUMOS14, achieving state-of-the-art results, and comparable ones on ActivityNet v1.3. Code is available at https://github.com/TencentYoutuResearch/ActionDetection-AFSD., Accepted by CVPR2021
- Published
- 2021
8. NTIRE 2021 Challenge on Video Super-Resolution
- Author
-
Chen Guo, Siqian Yang, Ting Liu, Kelvin C.K. Chan, Tangxin Xie, Zekun Li, Dongliang He, Shijie Zhao, Boyuan Jiang, Ye Zhu, He Zheng, Yunhua Lu, Zhubo Ruan, Yu Li, Xueyang Fu, Junlin Li, Huanwei Liang, Jinjing Li, Chengpeng Chen, Shijie Yue, Hongying Liu, Xu Zhuo, Zhongyuan Wang, Konstantinos Konstantoudakis, Guodong Du, Ruixia Song, Seungjun Nah, Fu Li, Wenhao Zhang, Ruipeng Gang, Peng Yi, Ying Tai, Xiaozhong Ji, Yutong Wang, Donghao Luo, Kyoung Mu Lee, Chengjie Wang, Jechang Jeong, Peng Zhao, Chenghua Li, Xueyi Zou, Hanxi Liu, Junjun Jiang, Pablo Navarrete Michelini, Xueheng Zhang, Renjun Luo, Sourya Dipta Das, Xiaojie Chu, Yuchun Dong, Jie Zhang, Yuanyuan Liu, Shangchen Zhou, Yu Jia, Xinning Chai, Suyoung Lee, Xin Li, Lielin Jiang, Wenqing Chu, Qing Wang, Mengdi Sun, Qian Zheng, Mengxi Guo, Liangyu Chen, Li Chen, Chen Li, Zhiwei Xiong, Fenglong Song, Jeonghwan Heo, Qi Zhang, Li Song, Yixin Bai, Konstantinos Karageorgos, Anastasios Dimou, Yuxiang Chen, Ruisheng Gao, Zeyu Xiao, Zhen Cheng, Fanhua Shang, Petros Daras, Gen Zhan, Kui Jiang, Qingqing Dang, Xiaopeng Sun, Fanglong Liu, Jiayi Ma, Xiangyu Xu, Jia Hao, Nisarg Shah, Radu Timofte, Kassiani Zafirouli, Fanjie Shang, Zhipeng Luo, Yukai Shi, Geyingjie Wen, Feiyue Huang, Haining Li, Qichao Sun, Ruikang Xu, Yiming Li, Xin Lu, Saikat Dutta, Hao Jiang, Seungwoo Wee, Jilin Li, Xiaowei Song, Yuehan Yao, Zhiyu Chen, Chuming Lin, Longjie Shen, Sanghyun Son, Jing Lin, Fangxu Yu, Fei Chen, and Chen Change Loy
- Subjects
business.industry ,Computer science ,media_common.quotation_subject ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Frame rate ,Track (rail transport) ,Superresolution ,Task (project management) ,Challenging environment ,Pattern recognition (psychology) ,Computer vision ,Quality (business) ,Artificial intelligence ,business ,Image restoration ,media_common - Abstract
Super-Resolution (SR) is a fundamental computer vision task that aims to obtain a high-resolution clean image from the given low-resolution counterpart. This paper reviews the NTIRE 2021 Challenge on Video Super-Resolution. We present evaluation results from two competition tracks as well as the proposed solutions. Track 1 aims to develop conventional video SR methods focusing on the restoration quality. Track 2 assumes a more challenging environment with lower frame rates, casting spatio-temporal SR problem. In each competition, 247 and 223 participants have registered, respectively. During the final testing phase, 14 teams competed in each track to achieve state-of-the-art performance on video SR tasks.
- Published
- 2021
9. Learning to Restore Hazy Video: A New Real-World Dataset and A New Method
- Author
-
Ying Tai, Feiyue Huang, Chengjie Wang, Xinyi Zhang, Jinshan Pan, Chao Zhu, Hang Dong, Jilin Li, and Fei Wang
- Subjects
business.industry ,Computer science ,Deep learning ,Pattern recognition (psychology) ,Supervised learning ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Redundancy (engineering) ,Computer vision ,Artificial intelligence ,business - Abstract
Most of the existing deep learning-based dehazing methods are trained and evaluated on the image dehazing datasets, where the dehazed images are generated by only exploiting the information from the corresponding hazy ones. On the other hand, video dehazing algorithms, which can acquire more satisfying dehazing results by exploiting the temporal redundancy from neighborhood hazy frames, receive less attention due to the absence of the video dehazing datasets. Therefore, we propose the first REal-world VIdeo DEhazing (REVIDE) dataset which can be used for the supervised learning of the video dehazing algorithms. By utilizing a well-designed video acquisition system, we can capture paired real-world hazy and haze-free videos that are perfectly aligned by recording the same scene (with or without haze) twice. Considering the challenge of exploiting temporal redundancy among the hazy frames, we also develop a Confidence Guided and Improved Deformable Network (CG-IDN) for video dehazing. The experiments demonstrate that the hazy scenes in the REVIDE dataset are more realistic than the synthetic datasets and the proposed algorithm also performs favorably against state-of-the-art dehazing methods.
- Published
- 2021
10. Learning to Aggregate and Personalize 3D Face from In-the-Wild Photo Collection
- Author
-
Ge Yanhao, Chengjie Wang, Zhenyu Zhang, Renwang Chen, Jian Yang, Feiyue Huang, Yan Yan, Jilin Li, and Ying Tai
- Subjects
FOS: Computer and information sciences ,business.industry ,Computer science ,Computer Vision and Pattern Recognition (cs.CV) ,Aggregate (data warehouse) ,Computer Science - Computer Vision and Pattern Recognition ,Pattern recognition ,Solid modeling ,Facial recognition system ,Graphics (cs.GR) ,Consistency (database systems) ,Computer Science - Graphics ,Face (geometry) ,Identity (object-oriented programming) ,Artificial intelligence ,Noise (video) ,business ,Set (psychology) - Abstract
Non-parametric face modeling aims to reconstruct 3D face only from images without shape assumptions. While plausible facial details are predicted, the models tend to over-depend on local color appearance and suffer from ambiguous noise. To address such problem, this paper presents a novel Learning to Aggregate and Personalize (LAP) framework for unsupervised robust 3D face modeling. Instead of using controlled environment, the proposed method implicitly disentangles ID-consistent and scene-specific face from unconstrained photo set. Specifically, to learn ID-consistent face, LAP adaptively aggregates intrinsic face factors of an identity based on a novel curriculum learning approach with relaxed consistency loss. To adapt the face for a personalized scene, we propose a novel attribute-refining network to modify ID-consistent face with target attribute and details. Based on the proposed method, we make unsupervised 3D face modeling benefit from meaningful image facial structure and possibly higher resolutions. Extensive experiments on benchmarks show LAP recovers superior or competitive face shape and texture, compared with state-of-the-art (SOTA) methods with or without prior and supervision., Comment: CVPR 2021 Oral, 11 pages, 9 figures
- Published
- 2021
11. Synthesis of soil carbon losses in response to conversion of grassland to agriculture land
- Author
-
Xiajie Zhai, Shiming Tang, Shu-cheng Li, Yujuan Zhang, Shu Xie, Kun Wang, Jiahuan Li, Chengjie Wang, and Jianxin Guo
- Subjects
geography ,geography.geographical_feature_category ,Land use ,business.industry ,food and beverages ,Soil Science ,04 agricultural and veterinary sciences ,Soil carbon ,complex mixtures ,Grassland ,Carbon cycle ,Agronomy ,Agriculture ,otorhinolaryngologic diseases ,040103 agronomy & agriculture ,0401 agriculture, forestry, and fisheries ,Environmental science ,sense organs ,Precipitation ,business ,Agronomy and Crop Science ,Cropping ,Earth-Surface Processes - Abstract
The conversion of grassland to cropland is one of the major changes in land use, and it accelerates both soil erosion and the loss of soil organic carbon (SOC). However, the general patterns of SOC loss after grassland cultivation are rarely assessed, and the potential mechanisms remain unclear. Here, a meta-analysis of 81 case studies was performed to show that SOC decreased with soil depths of 0–60 cm after grassland conversion, but no significant differences were found at depths >60 cm. SOC also declined significantly with the duration of grassland conversion. The response ratio of SOC changes tended to reach equilibrium after 20 years of grassland cropping. Our results indicate that reduction in SOC mainly depended on changes in precipitation, soil physical-chemical properties and soil microbes. These conclusions highlight the importance of improving the accuracy of predictions on SOC losses and on the global carbon cycle in the face of land-use changes worldwide.
- Published
- 2019
12. Learning Dynamic Alignment via Meta-filter for Few-shot Learning
- Author
-
Chengming Xu, Li Zhang, Chengjie Wang, Xiangyang Xue, Feiyue Huang, Chen Liu, Jilin Li, and Yanwei Fu
- Subjects
FOS: Computer and information sciences ,Matching (statistics) ,Computer science ,business.industry ,Computer Science - Artificial Intelligence ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,Semantics ,Visualization ,Artificial Intelligence (cs.AI) ,Filter (video) ,Feature (machine learning) ,Key (cryptography) ,Artificial intelligence ,Adaptation (computer science) ,business ,Communication channel - Abstract
Few-shot learning (FSL), which aims to recognise new classes by adapting the learned knowledge with extremely limited few-shot (support) examples, remains an important open problem in computer vision. Most of the existing methods for feature alignment in few-shot learning only consider image-level or spatial-level alignment while omitting the channel disparity. Our insight is that these methods would lead to poor adaptation with redundant matching, and leveraging channel-wise adjustment is the key to well adapting the learned knowledge to new classes. Therefore, in this paper, we propose to learn a dynamic alignment, which can effectively highlight both query regions and channels according to different local support information. Specifically, this is achieved by first dynamically sampling the neighbourhood of the feature position conditioned on the input few shot, based on which we further predict a both position-dependent and channel-dependent Dynamic Meta-filter. The filter is used to align the query feature with position-specific and channel-specific knowledge. Moreover, we adopt Neural Ordinary Differential Equation (ODE) to enable a more accurate control of the alignment. In such a sense our model is able to better capture fine-grained semantic context of the few-shot example and thus facilitates dynamical knowledge adaptation for few-shot learning. The resulting framework establishes the new state-of-the-arts on major few-shot visual recognition benchmarks, including miniImageNet and tieredImageNet., accepted by CVPR2021
- Published
- 2021
13. Spatial-Temporal Changes and Driving Factors of Land-Use Eco-Efficiency Incorporating Ecosystem Services in China
- Author
-
Qiu Xiao, Chengjie Wang, Wang Huimin, Wang Yang, Lei Shi, Liu Yahong, Hailian Sun, Xie Yu, Zhai Xiu, and Chang Hong
- Subjects
010504 meteorology & atmospheric sciences ,Natural resource economics ,lcsh:TJ807-830 ,Geography, Planning and Development ,Population ,lcsh:Renewable energy sources ,010501 environmental sciences ,Management, Monitoring, Policy and Law ,Eco-efficiency ,01 natural sciences ,Ecosystem services ,Urbanization ,education ,lcsh:Environmental sciences ,0105 earth and related environmental sciences ,land-use eco-efficiency ,lcsh:GE1-350 ,Driving factors ,Sustainable development ,education.field_of_study ,Land use ,Renewable Energy, Sustainability and the Environment ,business.industry ,lcsh:Environmental effects of industries and plants ,China’s provincial level ,super-efficiency slacks-based model (super-SBM) ,lcsh:TD194-195 ,Geography ,STIRPAT model ,Land development ,business ,ecosystem services - Abstract
With rapid urbanization in China, the dramatic land-use changes are one of the most prominent features that have substantially affected the land ecosystems, thus seriously threatening sustainable development. However, current studies have focused more on evaluating the economic efficiency of land-use, while the loss and degradation of ecosystem services are barely considered. To address these issues, this study first proposed a land use-based input&ndash, output index system, incorporating the impact on ecosystem services value (ESV), and then by taking 30 provinces in China as a case study. We further employed the super-efficiency slacks-based model (Super-SBM) and the Stochastic Impacts by Regression on Population, Affluence and Technology (STIRPAT) model to explore the spatial&ndash, temporal changes and driving factors of the evaluated land-use eco-efficiency. We found that the evaluated ESV was 28.09 trillion yuan (at the price of 2000) in 2015, and that the total ESV experienced an inverted U-shaped trend during 2000&ndash, 2015.The average land-use eco-efficiency exhibited a downward trend from 0.87 in 2000 to 0.68 in 2015 with distinct regional differences by taking into account the ESV. Our results revealed that northeastern region had the highest efficiency, followed by the eastern, western, and central region of China. Finally, we identified a U-shaped relationship between the eco-efficiency and land urbanization, and found that technological innovation made great contributions to the improvement of the eco-efficiency. These findings highlight the importance of the ESV in the evaluation of land-use eco-efficiency. Future land development and management should pay additional attention to the land ecosystems, especially the continuous supply of human well-being related ecosystem services.
- Published
- 2021
- Full Text
- View/download PDF
14. Adversarial Refinement Network for Human Motion Prediction
- Author
-
Wenqing Chu, Howard Leung, Jilin Li, Feiyue Huang, Ge Yanhao, Xuan Cao, Xianjin Chao, Yanrui Bin, and Chengjie Wang
- Subjects
Computer science ,business.industry ,Generalization ,Mean squared prediction error ,Machine learning ,computer.software_genre ,Human motion ,Motion (physics) ,Adversarial system ,Recurrent neural network ,Aperiodic graph ,Benchmark (computing) ,Artificial intelligence ,business ,computer - Abstract
Human motion prediction aims to predict future 3D skeletal sequences by giving a limited human motion as inputs. Two popular methods, recurrent neural networks and feed-forward deep networks, are able to predict rough motion trend, but motion details such as limb movement may be lost. To predict more accurate future human motion, we propose an Adversarial Refinement Network (ARNet) following a simple yet effective coarse-to-fine mechanism with novel adversarial error augmentation. Specifically, we take both the historical motion sequences and coarse prediction as input of our cascaded refinement network to predict refined human motion and strengthen the refinement network with adversarial error augmentation. During training, we deliberately introduce the error distribution by learning through the adversarial mechanism among different subjects. In testing, our cascaded refinement network alleviates the prediction error from the coarse predictor resulting in a finer prediction robustly. This adversarial error augmentation provides rich error cases as input to our refinement network, leading to better generalization performance on the testing dataset. We conduct extensive experiments on three standard benchmark datasets and show that our proposed ARNet outperforms other state-of-the-art methods, especially on challenging aperiodic actions in both short-term and long-term predictions.
- Published
- 2021
15. Dense Scene Multiple Object Tracking with Box-Plane Matching
- Author
-
Jilin Li, Yueyang Gu, Feiyue Huang, Chengjie Wang, Jinlong Peng, and Yabiao Wang
- Subjects
FOS: Computer and information sciences ,Similarity (geometry) ,Matching (graph theory) ,Computer science ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Feature extraction ,Computer Science - Computer Vision and Pattern Recognition ,02 engineering and technology ,Filter (signal processing) ,01 natural sciences ,Feature model ,Discriminative model ,Feature (computer vision) ,Video tracking ,0103 physical sciences ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer vision ,Artificial intelligence ,010306 general physics ,business - Abstract
Multiple Object Tracking (MOT) is an important task in computer vision. MOT is still challenging due to the occlusion problem, especially in dense scenes. Following the tracking-by-detection framework, we propose the Box-Plane Matching (BPM) method to improve the MOT performacne in dense scenes. First, we design the Layer-wise Aggregation Discriminative Model (LADM) to filter the noisy detections. Then, to associate remaining detections correctly, we introduce the Global Attention Feature Model (GAFM) to extract appearance feature and use it to calculate the appearance similarity between history tracklets and current detections. Finally, we propose the Box-Plane Matching strategy to achieve data association according to the motion similarity and appearance similarity between tracklets and detections. With the effectiveness of the three modules, our team achieves the 1st place on the Track-1 leaderboard in the ACM MM Grand Challenge HiEve 2020., Comment: ACM Multimedia 2020 GC paper. ACM Multimedia Grand Challenge HiEve 2020 Track-1 Winner
- Published
- 2020
16. Learning by Analogy: Reliable Supervision From Transformations for Unsupervised Optical Flow Estimation
- Author
-
Jilin Li, Jiangning Zhang, Ruifei He, Donghao Luo, Feiyue Huang, Chengjie Wang, Yong Liu, Liang Liu, Ying Tai, and Yabiao Wang
- Subjects
FOS: Computer and information sciences ,Computer science ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Reliability (computer networking) ,SIGNAL (programming language) ,Computer Science - Computer Vision and Pattern Recognition ,Optical flow ,Analogy ,02 engineering and technology ,010501 environmental sciences ,Machine learning ,computer.software_genre ,01 natural sciences ,Pipeline (software) ,ComputingMethodologies_PATTERNRECOGNITION ,Flow (mathematics) ,0202 electrical engineering, electronic engineering, information engineering ,Unsupervised learning ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,computer ,0105 earth and related environmental sciences - Abstract
Unsupervised learning of optical flow, which leverages the supervision from view synthesis, has emerged as a promising alternative to supervised methods. However, the objective of unsupervised learning is likely to be unreliable in challenging scenes. In this work, we present a framework to use more reliable supervision from transformations. It simply twists the general unsupervised learning pipeline by running another forward pass with transformed data from augmentation, along with using transformed predictions of original data as the self-supervision signal. Besides, we further introduce a lightweight network with multiple frames by a highly-shared flow decoder. Our method consistently gets a leap of performance on several benchmarks with the best accuracy among deep unsupervised methods. Also, our method achieves competitive results to recent fully supervised methods while with much fewer parameters., Accepted to CVPR 2020, https://github.com/lliuz/ARFlow
- Published
- 2020
17. Real-World Super-Resolution via Kernel Estimation and Noise Injection
- Author
-
Feiyue Huang, Ying Tai, Cao Yun, Jilin Li, Chengjie Wang, and Xiaozhong Ji
- Subjects
Computer science ,business.industry ,Kernel density estimation ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,020206 networking & telecommunications ,02 engineering and technology ,Image (mathematics) ,Upsampling ,Noise ,0202 electrical engineering, electronic engineering, information engineering ,Bicubic interpolation ,020201 artificial intelligence & image processing ,Computer vision ,Artificial intelligence ,business ,Focus (optics) ,Image resolution ,Degradation (telecommunications) - Abstract
Recent state-of-the-art super-resolution methods have achieved impressive performance on ideal datasets regardless of blur and noise. However, these methods always fail in real-world image super-resolution, since most of them adopt simple bicubic downsampling from high-quality images to construct Low-Resolution (LR) and High-Resolution (HR) pairs for training which may lose track of frequency-related details. To address this issue, we focus on designing a novel degradation framework for real- world images by estimating various blur kernels as well as real noise distributions. Based on our novel degradation framework, we can acquire LR images sharing a common domain with real-world images. Then, we propose a real- world super-resolution model aiming at better perception. Extensive experiments on synthetic noise data and real- world images demonstrate that our method outperforms the state-of-the-art methods, resulting in lower noise and better visual quality. In addition, our method is the winner of NTIRE 2020 Challenge on both tracks of Real-World Super-Resolution, which significantly outperforms other competitors by large margins.
- Published
- 2020
18. Chained-Tracker: Chaining Paired Attentive Regression Results for End-to-End Joint Multiple-Object Detection and Tracking
- Author
-
Fangbin Wan, Changan Wang, Ying Tai, Chengjie Wang, Jilin Li, Jinlong Peng, Feiyue Huang, Yabiao Wang, Yang Wu, and Yanwei Fu
- Subjects
Source code ,End-to-end principle ,Computer science ,business.industry ,media_common.quotation_subject ,Feature extraction ,Chaining ,Pattern recognition ,Node (circuits) ,Artificial intelligence ,business ,Object detection ,media_common - Abstract
Existing Multiple-Object Tracking (MOT) methods either follow the tracking-by-detection paradigm to conduct object detection, feature extraction and data association separately, or have two of the three subtasks integrated to form a partially end-to-end solution. Going beyond these sub-optimal frameworks, we propose a simple online model named Chained-Tracker (CTracker), which naturally integrates all the three subtasks into an end-to-end solution (the first as far as we know). It chains paired bounding boxes regression results estimated from overlapping nodes, of which each node covers two adjacent frames. The paired regression is made attentive by object-attention (brought by a detection module) and identity-attention (ensured by an ID verification module). The two major novelties: chained structure and paired attentive regression, make CTracker simple, fast and effective, setting new MOTA records on MOT16 and MOT17 challenge datasets (67.6 and 66.6, respectively), without relying on any extra training data. The source code of CTracker can be found at: github.com/pjl1995/CTracker.
- Published
- 2020
19. Temporal Distinct Representation Learning for Action Recognition
- Author
-
Yabiao Wang, Feiyue Huang, Donghao Luo, Jilin Li, Junwu Weng, Chengjie Wang, Junsong Yuan, Ying Tai, and Xudong Jiang
- Subjects
business.industry ,Computer science ,Pattern recognition ,02 engineering and technology ,010501 environmental sciences ,computer.software_genre ,01 natural sciences ,Convolutional neural network ,Information extraction ,Discriminative model ,0202 electrical engineering, electronic engineering, information engineering ,Benchmark (computing) ,Leverage (statistics) ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Feature learning ,computer ,0105 earth and related environmental sciences - Abstract
Motivated by the previous success of Two-Dimensional Convolutional Neural Network (2D CNN) on image recognition, researchers endeavor to leverage it to characterize videos. However, one limitation of applying 2D CNN to analyze videos is that different frames of a video share the same 2D CNN kernels, which may result in repeated and redundant information utilization, especially in the spatial semantics extraction process, hence neglecting the critical variations among frames. In this paper, we attempt to tackle this issue through two ways. 1) Design a sequential channel filtering mechanism, i.e., Progressive Enhancement Module (PEM), to excite the discriminative channels of features from different frames step by step, and thus avoid repeated information extraction. 2) Create a Temporal Diversity Loss (TD Loss) to force the kernels to concentrate on and capture the variations among frames rather than the image regions with similar appearance. Our method is evaluated on benchmark temporal reasoning datasets Something-Something V1 and V2, and it achieves visible improvements over the best competitor by \(2.4\%\) and \(1.3\%\), respectively. Besides, performance improvements over the 2D-CNN-based state-of-the-arts on the large-scale dataset Kinetics are also witnessed.
- Published
- 2020
20. SSCGAN: Facial Attribute Editing via Style Skip Connections
- Author
-
Ying Tai, Wenqing Chu, Feiyue Huang, Rongrong Ji, Chengjie Wang, and Jilin Li
- Subjects
Semantic mapping ,Image quality ,Computer science ,business.industry ,Feature (computer vision) ,Normalization (image processing) ,Pattern recognition ,Artificial intelligence ,business ,Focus (optics) ,Spatial analysis ,Encoder ,Image (mathematics) - Abstract
Existing facial attribute editing methods typically employ an encoder-decoder architecture where the attribute information is expressed as a conditional one-hot vector spatially concatenated with the image or intermediate feature maps. However, such operations only learn the local semantic mapping but ignore global facial statistics. In this work, we focus on solving this issue by editing the channel-wise global information denoted as the style feature. We develop a style skip connection based generative adversarial network, referred to as SSCGAN which enables accurate facial attribute manipulation. Specifically, we inject the target attribute information into multiple style skip connection paths between the encoder and decoder. Each connection extracts the style feature of the latent feature maps in the encoder and then performs a residual learning based mapping function in the global information space guided by the target attributes. In the following, the adjusted style feature will be utilized as the conditional information for instance normalization to transform the corresponding latent feature maps in the decoder. In addition, to avoid the vanishing of spatial details (e.g. hairstyle or pupil locations), we further introduce the skip connection based spatial information transfer module. Through the global-wise style and local-wise spatial information manipulation, the proposed method can produce better results in terms of attribute generation accuracy and image quality. Experimental results demonstrate the proposed algorithm performs favorably against the state-of-the-art methods.
- Published
- 2020
21. Adversarial Semantic Data Augmentation for Human Pose Estimation
- Author
-
Chengjie Wang, Xuan Cao, Feiyue Huang, Changxin Gao, Ying Tai, Xinya Chen, Ge Yanhao, Nong Sang, Yanrui Bin, and Jilin Li
- Subjects
020203 distributed computing ,business.industry ,Computer science ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,02 engineering and technology ,Semantics ,Semantic data model ,Pipeline (software) ,Transformation (function) ,0202 electrical engineering, electronic engineering, information engineering ,Code (cryptography) ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Pose ,Generator (mathematics) - Abstract
Human pose estimation is the task of localizing body keypoints from still images. The state-of-the-art methods suffer from insufficient examples of challenging cases such as symmetric appearance, heavy occlusion and nearby person. To enlarge the amounts of challenging cases, previous methods augmented images by cropping and pasting image patches with weak semantics, which leads to unrealistic appearance and limited diversity. We instead propose Semantic Data Augmentation (SDA), a method that augments images by pasting segmented body parts with various semantic granularity. Furthermore, we propose Adversarial Semantic Data Augmentation (ASDA), which exploits a generative network to dynamically predict tailored pasting configuration. Given off-the-shelf pose estimation network as discriminator, the generator seeks the most confusing transformation to increase the loss of the discriminator while the discriminator takes the generated sample as input and learns from it. The whole pipeline is optimized in an adversarial manner. State-of-the-art results are achieved on challenging benchmarks. The code has been publicly available at https://github.com/Binyr/ASDA.
- Published
- 2020
22. Research on Energy-Saving Service Modes of Chinese Power Grid Enterprises under the Background of 'Internet +'
- Author
-
Chengjie Wang and Yunpeng Zhang
- Subjects
Service (business) ,business.industry ,The Internet ,Power grid ,Telecommunications ,business ,Energy (signal processing) - Published
- 2017
23. DSFD: Dual Shot Face Detector
- Author
-
Jilin Li, Jianjun Qian, Jian Li, Jian Yang, Feiyue Huang, Ying Tai, Yabiao Wang, Changan Wang, and Chengjie Wang
- Subjects
FOS: Computer and information sciences ,Matching (graph theory) ,Computer science ,business.industry ,Computer Vision and Pattern Recognition (cs.CV) ,Detector ,Computer Science - Computer Vision and Pattern Recognition ,Initialization ,020206 networking & telecommunications ,02 engineering and technology ,Convolutional neural network ,Feature (computer vision) ,Face (geometry) ,0202 electrical engineering, electronic engineering, information engineering ,Code (cryptography) ,020201 artificial intelligence & image processing ,Computer vision ,Artificial intelligence ,business ,Face detection - Abstract
In this paper, we propose a novel face detection network with three novel contributions that address three key aspects of face detection, including better feature learning, progressive loss design and anchor assign based data augmentation, respectively. First, we propose a Feature Enhance Module (FEM) for enhancing the original feature maps to extend the single shot detector to dual shot detector. Second, we adopt Progressive Anchor Loss (PAL) computed by two different sets of anchors to effectively facilitate the features. Third, we use an Improved Anchor Matching (IAM) by integrating novel anchor assign strategy into data augmentation to provide better initialization for the regressor. Since these techniques are all related to the two-stream design, we name the proposed network as Dual Shot Face Detector (DSFD). Extensive experiments on popular benchmarks, WIDER FACE and FDDB, demonstrate the superiority of DSFD over the state-of-the-art face detectors., Comment: Camera-ready version of DSFD for CVPR 2019. Code is available at: https://github.com/TencentYoutuResearch/FaceDetection-DSFD
- Published
- 2019
24. Reliability modeling and evaluation of lifetime delayed degradation process with nondestructive testing
- Author
-
Qingpei Hu, Dan Yu, Fengming Wang, Chengjie Wang, and Zan Li
- Subjects
021110 strategic, defence & security studies ,021103 operations research ,Computer science ,business.industry ,0211 other engineering and technologies ,Inference ,02 engineering and technology ,Industrial and Manufacturing Engineering ,Sample size determination ,Nondestructive testing ,Expectation–maximization algorithm ,Statistical inference ,Safety, Risk, Reliability and Quality ,business ,Failure mode and effects analysis ,Algorithm ,Reliability (statistics) ,Degradation (telecommunications) - Abstract
The sequential hard and soft failure mode, a typical failure phenomenon, involves degradation that starts after an initiation period. According to this situation, a random initiation effect is introduced to the normal degradation stage. Intuitively, a lifetime delayed degradation process (LDDP) provides a general framework for this typical complex failure mode. In the present study, general reliability inference approaches involving the joint likelihood function are developed for the LDDP with repeated measurements, according to the expectation maximization (EM) and stochastic EM algorithms, along with numerical simulations and practical application based on real data. Additionally, statistical inferences were obtained using a bootstrap method on the basis of parameter estimations. The proposed method was compared with the traditional two-step strategy under different sample sizes and inspection frequencies and exhibited enhanced performance.
- Published
- 2021
25. A miniaturized oxygen sensor integrated on fiber surface based on evanescent-wave induced fluorescence quenching
- Author
-
Ying Zhu, Jun Tan, Shenwen Fang, Jiayi Wu, Ming Duan, Yan Xiong, Chengjie Wang, and Qing Wang
- Subjects
Optical fiber ,Materials science ,Fluorophore ,Biophysics ,Analytical chemistry ,02 engineering and technology ,010402 general chemistry ,01 natural sciences ,Biochemistry ,law.invention ,chemistry.chemical_compound ,law ,Fiber ,Total internal reflection ,Quenching (fluorescence) ,business.industry ,General Chemistry ,021001 nanoscience & nanotechnology ,Condensed Matter Physics ,Fluorescence ,Atomic and Molecular Physics, and Optics ,0104 chemical sciences ,Core (optical fiber) ,chemistry ,Optoelectronics ,0210 nano-technology ,business ,Oxygen sensor - Abstract
In this work, a miniaturized sensor was integrated on fiber surface and developed for oxygen determination through evanescent-wave induced fluorescence quenching. The sensor was designed by using light emitting diode (LED) as light source and optical fiber as light transmission element. Tris(2,2′-bipyridyl) ruthenium ([Ru(bpy)3]2+) fluorophore was immobilized in the organically modified silicates (ORMOSILs) film and coated onto the fiber surface. When light propagated by total internal reflection (TIR) in the fiber core, evanescent wave could be produced on the fiber surface and excite [Ru(bpy)3]2+ fluorophore to produce fluorescence emission. Then oxygen could be determinated by its quenching effect on the fluorescence and its concentration could be evaluated according to Stern–Volumer model. Through integrating evanescent wave excitation and fluorescence quenching on fiber surface, the sensor was successfully miniaturized and exhibit improved performances of high sensitivity (1.4), excellent repeatability (1.2%) and fast analysis (12 s) for oxygen determination. The sensor provided a newly portable method for in-situ and real-time measurement of oxygen and showed potential for practical oxygen analysis in different application fields. Furthermore, the fabrication of this sensor provides a miniaturized and portable detection platform for species monitoring by simple modular design.
- Published
- 2016
26. Methane Emission from Sheep Respiration and Sheepfolds During the Grazing Season in a Desert Grassland
- Author
-
Shiming Tang, Tingting Lu, Xiuzhi Ma, Xiajie Zhai, Chengjie Wang, Xiaojuan Liu, Andreas Wilkes, and Guodong Han
- Subjects
Atmospheric Science ,geography ,geography.geographical_feature_category ,Ecology ,business.industry ,Forage ,Methane ,Grassland ,chemistry.chemical_compound ,Animal science ,chemistry ,Respiration ,Grazing ,Environmental science ,Ecosystem ,Livestock ,Rangeland ,business - Abstract
Methane (CH4) emissions from ruminants should be accounted for the natural grazed rangeland ecosystems when devising greenhouse gas budget inventory, in particular, their contribution to global warming. In this study, CH4 emission from sheep respiration at different grazing intensities (light grazing, 0.75 sheep/ha, LG; moderate grazing, 1.50 sheep/ha, MG; and heavy grazing, 2.25 sheep/ha, HG) and in sheepfolds were evaluated in a desert grassland of Inner Mongolia. Results indicated that daily CH4 emission from sheep was not significantly different between treatments. When CH4 emission was expressed emission per 100g daily, there was a significant difference of LG vs HG and MG vs HG, with the values of 15.64g, 20.00g and 28.63g for LG, MG and HG, respectively, during the grazing season. There was no significant difference among CH4 fluxes in sheepfolds (mean 39.0 ug m-1 h-1). Considering CH4 emissions from the grazing ecosystem, net CH4 emissions from LG, MG and HG plots were -18.33, -1.91 and 21.19 g/ha/day, respectively. The digestibility of forage had a positive correlation with CH emission expressed on daily and metabolic body weight basis. It is concluded that MG will improve the balance between CH emission from grassland and grazing livestock in the desert grasslands of Inner Mongolia.
- Published
- 2015
27. Towards Highly Accurate and Stable Face Alignment for High-Resolution Videos
- Author
-
Jilin Li, Lei Duan, Xiaoming Liu, Liang Yicong, Yu Chen, Ying Tai, Feiyue Huang, and Chengjie Wang
- Subjects
FOS: Computer and information sciences ,business.industry ,Computer science ,Quantization (signal processing) ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,High resolution ,020207 software engineering ,Pattern recognition ,02 engineering and technology ,General Medicine ,symbols.namesake ,0202 electrical engineering, electronic engineering, information engineering ,Gaussian function ,symbols ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Pose ,Scaling - Abstract
In recent years, heatmap regression based models have shown their effectiveness in face alignment and pose estimation. However, Conventional Heatmap Regression (CHR) is not accurate nor stable when dealing with high-resolution facial videos, since it finds the maximum activated location in heatmaps which are generated from rounding coordinates, and thus leads to quantization errors when scaling back to the original high-resolution space. In this paper, we propose a Fractional Heatmap Regression (FHR) for high-resolution video-based face alignment. The proposed FHR can accurately estimate the fractional part according to the 2D Gaussian function by sampling three points in heatmaps. To further stabilize the landmarks among continuous video frames while maintaining the precise at the same time, we propose a novel stabilization loss that contains two terms to address time delay and non-smooth issues, respectively. Experiments on 300W, 300-VW and Talking Face datasets clearly demonstrate that the proposed method is more accurate and stable than the state-of-the-art models., Comment: Accepted to AAAI 2019. 8 pages, 7 figures
- Published
- 2018
- Full Text
- View/download PDF
28. Evaluating the Quality of Face Alignment without Ground Truth
- Author
-
Yan Kong, Jilin Li, Chengjie Wang, Feiyue Huang, Kekai Sheng, Bao-Gang Hu, Xing Mei, and Weiming Dong
- Subjects
Ground truth ,business.industry ,Computer science ,media_common.quotation_subject ,Rank (computer programming) ,Feature extraction ,Computer Graphics and Computer-Aided Design ,Computer graphics ,Feature (computer vision) ,Face (geometry) ,Quality (business) ,Computer vision ,Artificial intelligence ,business ,media_common - Abstract
The study of face alignment has been an area of intense research in computer vision, with its achievements widely used in computer graphics applications. The performance of various face alignment methods is often image-dependent or somewhat random because of their own strategy. This study aims to develop a method that can select an input image with good face alignment results from many results produced by a single method or multiple ones. The task is challenging because different face alignment results need to be evaluated without any ground truth. This study addresses this problem by designing a feasible feature extraction scheme to measure the quality of face alignment results. The feature is then used in various machine learning algorithms to rank different face alignment results. Our experiments show that our method is promising for ranking face alignment results and is able to pick good face alignment results, which can enhance the overall performance of a face alignment method with a random strategy. We demonstrate the usefulness of our ranking-enhanced face alignment algorithm in two practical applications: face cartoon stylization and digital face makeup.
- Published
- 2015
29. Similarity metric learning for face verification using sigmoid decision function
- Author
-
Feiyue Huang, Jilin Li, Xiaonan Hou, Chengjie Wang, Shouhong Ding, and Lizhuang Ma
- Subjects
Mahalanobis distance ,business.industry ,Bayesian probability ,Regular polygon ,Bilinear interpolation ,020207 software engineering ,Pattern recognition ,02 engineering and technology ,Sigmoid function ,Computer Graphics and Computer-Aided Design ,Nonlinear system ,Discriminative model ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer Vision and Pattern Recognition ,Artificial intelligence ,Invariant (mathematics) ,business ,Software ,Mathematics - Abstract
In this paper, we consider the face verification problem, which is to determine whether two face images belong to the same subject or not. Although many research efforts have been focused on this problem, it still remains a challenging problem due to large intra-personal variations in imaging conditions, such as illumination, pose, expression, and occlusion. Our proposed method is based on the idea that we would like the similarity between positive pairs larger than negative pairs, and obtain a similarity estimation of two images. We construct our decision function by incorporating bilinear similarity and Mahalanobis distance to the sigmoid function. The constructed decision function makes our method discriminative for inter-personal differences and invariant to intra-personal variations such as pose/lighting/expression. What is more, our formulated objective function is convex, which guarantees global minimum. Our method belongs to nonlinear metric which is more robust to handle heterogeneous data than linear metric. We evaluate our proposed verification method on the challenging labeled faces in the wild (LFW) database. Experimental results demonstrate that the proposed method outperforms state-of-the-art methods such as Joint Bayesian under the unrestricted setting of LFW.
- Published
- 2015
30. Improved CNN-based facial landmarks tracking via ridge regression at 150 Fps on mobile devices
- Author
-
Yicong Liang, Zhenye Gan, Lizhuang Ma, and Chengjie Wang
- Subjects
Artificial neural network ,Computer science ,business.industry ,Frame (networking) ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,02 engineering and technology ,Tracking (particle physics) ,Zigzag ,Position (vector) ,Face (geometry) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer vision ,Artificial intelligence ,business ,TRACE (psycholinguistics) - Abstract
When tracking facial landmarks in a video, existing face alignment methods seem not to be so accurate as they are employed frame by frame. This paper shows that zigzags on the trace of estimated landmarks make the estimation error perceptible. The reason why the zigzags occur is that the increment of landmark position is comparable to the estimation error and the frames are processed individually. In this paper, we train a CNN facial landmark detection model as a baseline method, and develop a post-processing algorithm to address the zigzag problem. The CNN model achieves state-of-the-art performance on the 300-W dataset. The post-processing algorithm based on ridge regression exploits correlation among adjacent frames to transform random errors into bias errors. As a result zigzags are eliminated, and the traces of landmarks look smoother while the mean error remains unchanged or even slightly decreases. Our algorithm runs on a mobile device (iPhone 5s) at 150 Fps. Extensive experiments conducted on the 300-VW dataset demonstrate the effectiveness of the proposed algorithm.
- Published
- 2017
31. Performance analysis of network attack based on continuous time Markov Chain in dynamic spectrum access networks
- Author
-
Rui Wang, Hui Sun, Chengjie Wang, and Xianyu Wang
- Subjects
Emulation ,Access network ,Markov chain ,business.industry ,Access technology ,Computer science ,Spectrum (functional analysis) ,020206 networking & telecommunications ,Network attack ,02 engineering and technology ,Continuous-time Markov chain ,Wireless communication systems ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,business ,Computer network - Abstract
Dynamic Spectrum Access technology is implemented to help making use of the limited spectrum sources in wireless communication system due to its unique characteristics. However, some threats to this special network were noted with the same reasons. The Primary User Emulation Attack, for example, is a classic issue in Dynamic Spectrum Access networks. In this paper, a continuous Markov Chain Model is used to depict the behavior of dynamic spectrum access with network attack, analyze the characteristics of this network and discuss the performance changes under malicious user's influence with different parameters. The results verify that the modeling and analysis are valid.
- Published
- 2017
32. Design of a new multi-wing chaotic system and its application
- Author
-
Hui Sun, Xianyu Wang, Rui Wang, Chengjie Wang, and Guoyuan Qi
- Subjects
Wing ,business.industry ,Computer science ,Chaotic ,Quadratic function ,Encryption ,01 natural sciences ,Secure communication ,Control theory ,0103 physical sciences ,Synchronization (computer science) ,Attractor ,Matlab simulation ,010306 general physics ,business ,010301 acoustics - Abstract
This paper proposes a multi-wing chaotic system based on an even-symmetric multi-segment quadratic function. The dynamic characteristics of the new chaotic system are analyzed in detail. The system is implemented by the circuit using Multisim. The results of Matlab simulation and Multisim simulation are consistent with each other, which verifies the existence of the multi-wing attractors in the new system. The system is applied to a secure communication implementation based on the active-passive drive-response synchronization method. The simulation results for secure communication application demonstrate that the multi-wing chaotic system can successfully encrypt and decrypt message signals.
- Published
- 2017
33. Embedded CMOS bioinformatics for nanopore sequencers
- Author
-
Chengjie Wang, Zhongpan Wu, Sebastian Magierowski, and Ebrahim Ghafar-Zadeh
- Subjects
0301 basic medicine ,Very-large-scale integration ,Engineering ,business.industry ,Chip ,Bioinformatics ,DNA sequencing ,Reduction (complexity) ,03 medical and health sciences ,Nanopore ,DNA sequencer ,030104 developmental biology ,CMOS ,business ,Throughput (business) - Abstract
DNA sequencing is quickly evolving into a mobile technology with a need for power efficient compute services. This paper describes such a service in the form of a VLSI base caller chip for nanopore-based 3rd generation DNA sequencers. The base caller achieves a throughput equivalent to 10 human genomes per hour with a power consumption of 200 mW. This represents a 100× power reduction over a general-purpose solution with a 1000× improvement in throughput.
- Published
- 2017
34. Analysis on the Development Path and Potential of Electrification Level in the Field of Transportation in China
- Author
-
Xiaocong Liu and Chengjie Wang
- Subjects
Development (topology) ,Electrification ,Field (physics) ,business.industry ,Path (graph theory) ,Environmental science ,Aerospace engineering ,business ,China - Abstract
In view of the current low level of electrification in global and Chinese transportation, this paper selects five key areas to improve the level of electrification, such as electric vehicle, urban rail transit, electrified railway, ship shore power and airport bridge equipment, carries out technical and economic analysis, and studies and evaluates the future development trend of the five technologies. Finally, according to the situation in 2020 and 2030 respectively, this paper carried out the calculation of electrification improvement potential. The research results provide a key path for improving the electrification level in the field of transportation, and analyze the feasibility and future potential of the path, providing a reference for the global and Chinese governments to improve the electrification level in the field of transportation.
- Published
- 2019
35. Dynamic changes of CH4 and CO2 emission from grazing sheep urine and dung patches in typical steppe
- Author
-
Ding Huang, Chengjie Wang, Wenqing Chen, Wei Luo, Xinming Yang, Yingjun Zhang, and Xiaoya Wang
- Subjects
Atmospheric Science ,geography ,geography.geographical_feature_category ,Steppe ,business.industry ,Agroforestry ,Methane ,Grassland ,chemistry.chemical_compound ,chemistry ,Agronomy ,Greenhouse gas ,Grazing ,Carbon dioxide ,Environmental science ,Livestock ,business ,General Environmental Science - Abstract
The contribution of livestock excreta to greenhouse gases (GHGs) emissions by sheep grazing in a typical steppe system in Guyuan county, Hebei province of the People's Republic of China was evaluated. Changes of methane (CH4) and carbon dioxide (CO2) fluxes from urine and dung patches excreted by sheep on grassland were measured for the first 144 h during July, August, September and October in 2011. CH4 fluxes from dung patches significantly increased (P
- Published
- 2013
36. Embedded CMOS basecalling for nanopore DNA sequencing
- Author
-
Ebrahim Ghafar-Zadeh, Junli Zheng, Sebastian Magierowski, and Chengjie Wang
- Subjects
0301 basic medicine ,Engineering ,Base Sequence ,business.industry ,Interface (computing) ,Oxides ,Nanotechnology ,Sequence Analysis, DNA ,DNA sequencing ,Nanopores ,03 medical and health sciences ,Nanopore ,030104 developmental biology ,Semiconductors ,CMOS ,Metals ,Miniaturization ,Humans ,Microtechnology ,Microelectronics ,Nanopore sequencing ,business ,Computer hardware - Abstract
DNA sequencing based on nanopore sensors is now entering the marketplace. The ability to interface this technology to established CMOS microelectronics promises significant improvements in functionality and miniaturization. Among the key functions to benefit from this interface will be basecalling, the conversion of raw electronic molecular signatures to nucleotide sequence predictions. This paper presents the design and performance potential of custom CMOS base-callers embedded alongside nanopore sensors. A basecalliing architecture implemented in 32-nm technology is discussed with the ability to process the equivalent of 20 human genomes per day in real-time at a power density of 5 W/cm2 assuming a 3-mer nanopore sensor.
- Published
- 2016
37. Face alignment by deep convolutional network with adaptive learning rate
- Author
-
Zhiwen Shao, Hengliang Zhu, Lizhuang Ma, Chengjie Wang, and Shouhong Ding
- Subjects
Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Pattern recognition ,02 engineering and technology ,010501 environmental sciences ,Machine learning ,computer.software_genre ,01 natural sciences ,Facial recognition system ,Expression (mathematics) ,Face (geometry) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Adaptive learning rate ,Artificial intelligence ,business ,computer ,0105 earth and related environmental sciences - Abstract
Deep convolutional network has been widely used in face recognition while not often used in face alignment. One of the most important reasons of this is the lack of training images annotated with landmarks due to fussy and time-consuming annotation work. To overcome this problem, we propose a novel data augmentation strategy. And we design an innovative training algorithm with adaptive learning rate for two iterative procedures, which helps the network to search an optimal solution. Our convolutional network can learn global high-level features and directly predict the coordinates of facial landmarks. Extensive evaluations show that our approach outperforms state-of-the-art methods especially in the condition of complex occlusion, pose, illumination and expression variations.
- Published
- 2016
38. High-Amplitude Pitch of a Flat Plate: An Abstraction of Perching and Flapping
- Author
-
Michael V. Ol, Jeff D. Eldredge, and Chengjie Wang
- Subjects
Airfoil ,Engineering ,business.industry ,Aerospace Engineering ,Structural engineering ,Mechanics ,Starting vortex ,Vorticity ,Pivot point ,Vortex ,Physics::Fluid Dynamics ,Lift (force) ,Water tunnel ,Flapping ,business - Abstract
We compare water tunnel experiment and 2D vortex-particle computation for a generalization of the classical problem of flat-plate constant-rate pitch and related motions, at frequencies and Reynolds numbers relevant to Micro Air Vehicle applications. The motivation is problems of maneuvering, perching and gust response. All of the examined flows evince a strong leading edge vortex. Increasing pitch rate tends to tighten the leading edge vortex and to produce a trailing-edge vortex system dominated by a counter-rotating pair. Pitch pivot point location is crucial to the leading edge vortex size and formation history, and to its subsequent behavior in convecting over the airfoil suction-side. Despite the respective limitations of the experiment and computations, agreement in vorticity fields between the two at an overlapping case at Re = 10,000 is good, whence it is possible to use the computation to obtain integrated force data unavailable in the experiment. These were studied for Re= 100 and 1000. Lift prediction from the computation shows a direct proportionality of lift to the pitch rate on the pitch upstroke. Finally, we compare pitch vs. plunge, and find that quasi-steady prediction is reasonably successful in predicting a combined pitch-plunge that effectively cancels the leading edge vortex, but not in canceling the trailing vortex system.
- Published
- 2009
39. Human Parsing via Shape Boltzmann Machine Networks
- Author
-
Qiurui Wang, Chun Yuan, Chengjie Wang, and Feiyue Huang
- Subjects
Parsing ,Correction method ,Pixel ,business.industry ,Computer science ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Boltzmann machine ,Computer Science::Computation and Language (Computational Linguistics and Natural Language and Speech Processing) ,Pattern recognition ,computer.software_genre ,Expression (mathematics) ,Task (computing) ,Segmentation ,Artificial intelligence ,business ,computer - Abstract
Human parsing is a challenging task because it is difficult to obtain accurate results of each part of human body. Precious Boltzmann Machine based methods reach good results on segmentation but are poor expression on human parts. In this paper, an approach is presented that exploits Shape Boltzmann Machine networks to improve the accuracy of human body parsing. The proposed Curve Correction method refines the final segmentation results. Experimental results show that the proposed method achieves good performance in body parsing, measured by Average Pixel Accuracy (aPA) against state-of-the-art methods on Penn-Fudan Pedestrians dataset and Pedestrian Parsing Surveillance Scenes dataset.
- Published
- 2015
40. Sound management may sequester methane in grazed rangeland ecosystems
- Author
-
Mengli Zhao, Joel R. Brown, Kris M. Havstad, Xiajie Zhai, Yuanyuan Jiang, Xiuzhi Ma, Chengjie Wang, Andreas Wilkes, Tingting Lu, Zhiguo Li, Pei Zhou, Shiping Wang, Zhongwu Wang, Guodong Han, and Shiming Tang
- Subjects
China ,Multidisciplinary ,Agroforestry ,business.industry ,Ecology ,Global warming ,Greenhouse gas inventory ,Agriculture ,Carbon Dioxide ,Global Warming ,Article ,Sound ,Environmental monitoring ,Grazing ,Humans ,Environmental science ,Ecosystem ,Livestock ,Rangeland ,business ,Methane ,Environmental Monitoring - Abstract
Considering their contribution to global warming, the sources and sinks of methane (CH4) should be accounted when undertaking a greenhouse gas inventory for grazed rangeland ecosystems. The aim of this study was to evaluate the mitigation potential of current ecological management programs implemented in the main rangeland regions of China. The influences of rangeland improvement, utilization and livestock production on CH4 flux/emission were assessed to estimate CH4 reduction potential. Results indicate that the grazed rangeland ecosystem is currently a net source of atmospheric CH4. However, there is potential to convert the ecosystem to a net sink by improving management practices. Previous assessments of capacity for CH4 uptake in grazed rangeland ecosystems have not considered improved livestock management practices and thus underestimated potential for CH4 uptake. Optimal fertilization, rest and light grazing, and intensification of livestock management contribute mitigation potential significantly.
- Published
- 2014
41. A fast multi-view based specular removal approach for pill extraction
- Author
-
Sei-ichiro Kamata, Lizhuang Ma, and Chengjie Wang
- Subjects
Set (abstract data type) ,View based ,business.industry ,Computer science ,Feature extraction ,Computer vision ,Artificial intelligence ,Specular reflection ,business ,Reliability (statistics) ,Image (mathematics) - Abstract
This paper presents a novel approach to remove the specular reflections on the transparent plastic medicine package and automatically extract the randomly distributed pills inside. In this approach, three cameras are employed to take images of the package from different viewpoints. And these three images are used as input image set while the output is a series of small images of a single pill. And these images can be directly applied to the traditional single pill recognition algorithms. The experimental results show the reliability of our approach by measuring correct detection rate (100%), false detection rate (0%) and pill separation accuracy (98.4%). And the proposed method processes a set of three 725×725 sized images at 0.15s averagely on a Core i5-2400 3.1GHz PC.
- Published
- 2013
42. Removal of Transparent Plastic Film Specular Reflection Based on Multi-Light Sources
- Author
-
Sei-ichiro Kamata and Chengjie Wang
- Subjects
Optics ,Computer science ,business.industry ,Shadow ,Reflection (physics) ,Plastic film ,Computer vision ,Artificial intelligence ,Specular reflection ,Diffuse reflection ,business - Abstract
we present a novel method to remove the specular reflections on the surface of transparent plastic film. Our approach uses four light sources with strategic positions to get four images. Based on the information that both reflection and shadow move a lot from image to image, we reconstruct a high quality image free from reflection and shadow by using a image set which is consist of four images.
- Published
- 2012
43. Improved low-order modeling of a pitching and perching plate
- Author
-
D. Eldredge and Chengjie Wang
- Subjects
Engineering ,Wing ,Classical mechanics ,business.industry ,Kutta condition ,Evolution equation ,Mechanics ,Aerodynamics ,Impulse (physics) ,Starting vortex ,business ,Vortex - Abstract
A low-order point vortex model for the unsteady aerodynamics of agile ight of micro air vehicles is developed further in this work. A vortex is released from both the trailing and leading edges of the at plate section, and the strength of each is determined by enforcing the Kutta condition at the edges. We derive a new evolution equation for the vortex position by equating the rate of change of its impulse with that of an equivalent surrogate vortex with identical properties but constant strength. This approach leads to a model that admits more general criteria for ‘shedding’ (i.e. freezing the strength of the vortex) than the previous model developed by the authors, based on the Brown{Michael equation (AIAA Paper 2010-4281). We show that the results of the new model, when applied to a pitching or perching wing, agree much better with experiments and high-delity simulations than the previous model. Current limitations of the model and extensions to more general unsteady aerodynamic problems are discussed.
- Published
- 2011
44. High-Fidelity Simulations and Low-Order Modeling of a Rapidly Pitching Plate
- Author
-
Chengjie Wang and D. Eldredge
- Subjects
Physics ,Lift-to-drag ratio ,Inertial frame of reference ,business.industry ,Reynolds number ,Mechanics ,Structural engineering ,Vortex ,Physics::Fluid Dynamics ,Aerodynamic force ,symbols.namesake ,Position (vector) ,Inviscid flow ,symbols ,Point (geometry) ,business - Abstract
numerical simulations at Reynolds number 1000 and a low-order inviscid point vortex model. The pitching rate and axis position are systematically varied, and their eect on the generated aerodynamic forces is inspected. It is found that the maximum lift and drag developed during the pitch-up both increase nearly linearly with increasing pitch rate, though the rates of increase diminish as the pitching axis is moved aft. Furthermore, the maximum lift-to-drag ratio tends to saturate with increasing pitch rate, with the asymptotic value decreasing as the axis is moved aft. The forces predicted by the low-order inviscid Brown{Michael model are compared with the high-delity results. Good qualitative agreement is achieved, though the point vortex model tends to over-predict both components of force. The lift force obtained from the model is decomposed into inertial reaction and circulatory components, and their relative contributions are inspected.
- Published
- 2010
45. TEINet: Towards an efficient architecture for video recognition
- Author
-
Jilin Li, Donghao Luo, Chengjie Wang, Limin Wang, Zhaoyang Liu, Feiyue Huang, Ying Tai, Yabiao Wang, and Tong Lu
- Subjects
FOS: Computer and information sciences ,Scheme (programming language) ,Structure (mathematical logic) ,business.industry ,Computer science ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,020207 software engineering ,02 engineering and technology ,General Medicine ,Decoupling (cosmology) ,Machine learning ,computer.software_genre ,Motion (physics) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,Video recognition ,Architecture ,business ,computer ,computer.programming_language - Abstract
Efficiency is an important issue in designing video architectures for action recognition. 3D CNNs have witnessed remarkable progress in action recognition from videos. However, compared with their 2D counterparts, 3D convolutions often introduce a large amount of parameters and cause high computational cost. To relieve this problem, we propose an efficient temporal module, termed as Temporal Enhancement-and-Interaction (TEI Module), which could be plugged into the existing 2D CNNs (denoted by TEINet). The TEI module presents a different paradigm to learn temporal features by decoupling the modeling of channel correlation and temporal interaction. First, it contains a Motion Enhanced Module (MEM) which is to enhance the motion-related features while suppress irrelevant information (e.g., background). Then, it introduces a Temporal Interaction Module (TIM) which supplements the temporal contextual information in a channel-wise manner. This two-stage modeling scheme is not only able to capture temporal structure flexibly and effectively, but also efficient for model inference. We conduct extensive experiments to verify the effectiveness of TEINet on several benchmarks (e.g., Something-Something V1&V2, Kinetics, UCF101 and HMDB51). Our proposed TEINet can achieve a good recognition accuracy on these datasets but still preserve a high efficiency., Accepted by AAAI 2020
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.