19 results on '"Hu, Guosheng"'
Search Results
2. Conv-Adapter: Exploring Parameter Efficient Transfer Learning for ConvNets
- Author
-
Chen, Hao, Tao, Ran, Zhang, Han, Wang, Yidong, Ye, Wei, Wang, Jindong, Hu, Guosheng, and Savvides, Marios
- Subjects
FOS: Computer and information sciences ,Artificial Intelligence (cs.AI) ,Computer Science - Artificial Intelligence ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition - Abstract
While parameter efficient tuning (PET) methods have shown great potential with transformer architecture on Natural Language Processing (NLP) tasks, their effectiveness is still under-studied with large-scale ConvNets on Computer Vision (CV) tasks. This paper proposes Conv-Adapter, a PET module designed for ConvNets. Conv-Adapter is light-weight, domain-transferable, and architecture-agnostic with generalized performance on different tasks. When transferring on downstream tasks, Conv-Adapter learns tasks-specific feature modulation to the intermediate representations of backbone while keeping the pre-trained parameters frozen. By introducing only a tiny amount of learnable parameters, e.g., only 3.5% full fine-tuning parameters of ResNet50, Conv-Adapter outperforms previous PET baseline methods and achieves comparable or surpasses the performance of full fine-tuning on 23 classification tasks of various domains. It also presents superior performance on few-shot classifications, with an average margin of 3.39%. Beyond classification, Conv-Adapter can generalize to detection and segmentation tasks with more than 50% reduction of parameters but comparable performance to the traditional full fine-tuning., Comment: wrong version
- Published
- 2022
- Full Text
- View/download PDF
3. Imbalance Robust Softmax for Deep Embedding Learning
- Author
-
Zhu, Hao, Yuan, Yang, Hu, Guosheng, Wu, Xiang, and Robertson, Neil
- Abstract
Deep embedding learning is expected to learn a metric space in which features have smaller maximal intra-class distance than minimal inter-class distance. In recent years, one research focus is to solve the open-set problem by discriminative deep embedding learning in the field of face recognition (FR) and person re-identification (re-ID). Apart from open-set problem, we find that imbalanced training data is another main factor causing the performance degradation of FR and re-ID, and data imbalance widely exists in the real applications. However, very little research explores why and how data imbalance influences the performance of FR and re-ID with softmax or its variants. In this work, we deeply investigate data imbalance in the perspective of neural network optimisation and feature distribution about softmax. We find one main reason of performance degradation caused by data imbalance is that the weights (from the penultimate fully-connected layer) are far from their class centers in feature space. Based on this investigation, we propose a unified framework, Imbalance-Robust Softmax (IR-Softmax), which can simultaneously solve the open-set problem and reduce the influence of data imbalance. IR-Softmax can generalise to any softmax and its variants (which are discriminative for open-set problem) by directly setting the weights as their class centers, naturally solving the data imbalance problem. In this work, we explicitly re-formulate two discriminative softmax (A-Softmax and AM-Softmax) under the framework of IR-Softmax. We conduct extensive experiments on FR databases (LFW, MegaFace) and re-ID database (Market-1501, Duke), and IR-Softmax outperforms many state-of-the-art methods.
- Published
- 2021
4. Differentiable Automatic Data Augmentation
- Author
-
Li, Yonggang, Hu, Guosheng, wang, yongtao, Hospedales, Timothy, Robertson, Neil, and Yang, Yongxin
- Subjects
Differentiable Optimization ,Data Augmentation ,AutoML - Abstract
Data augmentation (DA) techniques aim to increase data variability, and thus train deep networks with better generalisation. The pioneering AutoAugment automated the search for optimal DA policies with reinforcement learning. However, AutoAugment is extremely computationally expensive, limiting its wide applicability. Followup works such as Population Based Augmentation (PBA) and Fast AutoAugment improved efficiency, but their optimization speed remains a bottleneck. In this paper, we propose Differentiable Automatic Data Augmentation (DADA) which dramatically reduces the cost. DADA relaxes the discrete DA policy selection to a differentiable optimization problem via Gumbel-Softmax. In addition, we introduce an unbiased gradient estimator, RELAX, leading to an efficient and effective one-pass optimization strategy to learn an efficient and accurate DA policy. We conduct extensive experiments on CIFAR-10, CIFAR-100, SVHN, and ImageNet datasets. Furthermore, we demonstrate the value of Auto DA in pre-training for downstream detection problems. Results show our DADA is at least one order of magnitude faster than the state-of-theart while achieving very comparable accuracy. The code is available at https://github.com/VDIGPKU/DADA.
- Published
- 2020
5. Learning Flow-based Feature Warping for Face Frontalization with Illumination Inconsistent Supervision
- Author
-
Wei, Yuxiang, Liu, Ming, Wang, Haolin, Zhu, Ruifeng, Hu, Guosheng, and Zuo, Wangmeng
- Subjects
FOS: Computer and information sciences ,Computer Vision and Pattern Recognition (cs.CV) ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Computer Science - Computer Vision and Pattern Recognition ,ComputingMethodologies_COMPUTERGRAPHICS - Abstract
Despite recent advances in deep learning-based face frontalization methods, photo-realistic and illumination preserving frontal face synthesis is still challenging due to large pose and illumination discrepancy during training. We propose a novel Flow-based Feature Warping Model (FFWM) which can learn to synthesize photo-realistic and illumination preserving frontal images with illumination inconsistent supervision. Specifically, an Illumination Preserving Module (IPM) is proposed to learn illumination preserving image synthesis from illumination inconsistent image pairs. IPM includes two pathways which collaborate to ensure the synthesized frontal images are illumination preserving and with fine details. Moreover, a Warp Attention Module (WAM) is introduced to reduce the pose discrepancy in the feature level, and hence to synthesize frontal images more effectively and preserve more details of profile images. The attention mechanism in WAM helps reduce the artifacts caused by the displacements between the profile and the frontal images. Quantitative and qualitative experimental results show that our FFWM can synthesize photo-realistic and illumination preserving frontal images and performs favorably against the state-of-the-art results., ECCV 2020. Code is available at: https://github.com/csyxwei/FFWM
- Published
- 2020
6. Salvage Reusable Samples from Noisy Data for Robust Learning
- Author
-
Sun, Zeren, Hua, Xian-Sheng, Yao, Yazhou, Wei, Xiu-Shen, Hu, Guosheng, and Zhang, Jian
- Subjects
FOS: Computer and information sciences ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,Computer Science - Multimedia ,Multimedia (cs.MM) - Abstract
Due to the existence of label noise in web images and the high memorization capacity of deep neural networks, training deep fine-grained (FG) models directly through web images tends to have an inferior recognition ability. In the literature, to alleviate this issue, loss correction methods try to estimate the noise transition matrix, but the inevitable false correction would cause severe accumulated errors. Sample selection methods identify clean ("easy") samples based on the fact that small losses can alleviate the accumulated errors. However, "hard" and mislabeled examples that can both boost the robustness of FG models are also dropped. To this end, we propose a certainty-based reusable sample selection and correction approach, termed as CRSSC, for coping with label noise in training deep FG models with web images. Our key idea is to additionally identify and correct reusable samples, and then leverage them together with clean examples to update the networks. We demonstrate the superiority of the proposed approach from both theoretical and experimental perspectives., accepted by ACM MM 2020
- Published
- 2020
7. Design of ARINC664 bus Network Test System Based on WinPCap
- Author
-
Zhang Yuehong, Hu Guosheng, and He Jinsong
- Subjects
Protocol stack ,Ethernet ,Bus network ,business.industry ,Network packet ,Computer science ,Embedded system ,Interface (computing) ,Systems design ,Network performance ,Modular design ,business - Abstract
Aiming at the aircraft integrators ICD configuration network performance testing and analysis requirements and completing the network bus data collection and analysis tasks, an ARINC664 bus network test system based on WinpCap is designed. The hardware is designed and developed based on ordinary PC or industrial computer and high-performance Ethernet card. The software is based on WinPCap network packet capture tool for secondary development. The NDIS interface is used to filter non-ARINC664 data frames. The AFDX protocol stack is built based on WinPcap. Based on the modular design concept, the design scheme combines different functional module units to realize the design and development of the entire software. Combined with the experimental platform to verify the feasibility of design system. The system design realizes the function of analysing the performance parameters of the entire network, which is of great significance to the overall safety verification of large commercial aircraft.
- Published
- 2020
8. DADA: Differentiable Automatic Data Augmentation
- Author
-
Li, Yonggang, Hu, Guosheng, Wang, Yongtao, Hospedales, Timothy, Robertson, Neil M., and Yang, Yongxin
- Subjects
FOS: Computer and information sciences ,Computer Science - Machine Learning ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,Machine Learning (cs.LG) - Abstract
Data augmentation (DA) techniques aim to increase data variability, and thus train deep networks with better generalisation. The pioneering AutoAugment automated the search for optimal DA policies with reinforcement learning. However, AutoAugment is extremely computationally expensive, limiting its wide applicability. Followup works such as Population Based Augmentation (PBA) and Fast AutoAugment improved efficiency, but their optimization speed remains a bottleneck. In this paper, we propose Differentiable Automatic Data Augmentation (DADA) which dramatically reduces the cost. DADA relaxes the discrete DA policy selection to a differentiable optimization problem via Gumbel-Softmax. In addition, we introduce an unbiased gradient estimator, RELAX, leading to an efficient and effective one-pass optimization strategy to learn an efficient and accurate DA policy. We conduct extensive experiments on CIFAR-10, CIFAR-100, SVHN, and ImageNet datasets. Furthermore, we demonstrate the value of Auto DA in pre-training for downstream detection problems. Results show our DADA is at least one order of magnitude faster than the state-of-the-art while achieving very comparable accuracy. The code is available at https://github.com/VDIGPKU/DADA.
- Published
- 2020
- Full Text
- View/download PDF
9. Imbalance Robust Softmax for Deep Embeeding Learning
- Author
-
Zhu, Hao, Yuan, Yang, Hu, Guosheng, Wu, Xiang, and Robertson, Neil
- Subjects
FOS: Computer and information sciences ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition - Abstract
Deep embedding learning is expected to learn a metric space in which features have smaller maximal intra-class distance than minimal inter-class distance. In recent years, one research focus is to solve the open-set problem by discriminative deep embedding learning in the field of face recognition (FR) and person re-identification (re-ID). Apart from open-set problem, we find that imbalanced training data is another main factor causing the performance degradation of FR and re-ID, and data imbalance widely exists in the real applications. However, very little research explores why and how data imbalance influences the performance of FR and re-ID with softmax or its variants. In this work, we deeply investigate data imbalance in the perspective of neural network optimisation and feature distribution about softmax. We find one main reason of performance degradation caused by data imbalance is that the weights (from the penultimate fully-connected layer) are far from their class centers in feature space. Based on this investigation, we propose a unified framework, Imbalance-Robust Softmax (IR-Softmax), which can simultaneously solve the open-set problem and reduce the influence of data imbalance. IR-Softmax can generalise to any softmax and its variants (which are discriminative for open-set problem) by directly setting the weights as their class centers, naturally solving the data imbalance problem. In this work, we explicitly re-formulate two discriminative softmax (A-Softmax and AM-Softmax) under the framework of IR-Softmax. We conduct extensive experiments on FR databases (LFW, MegaFace) and re-ID database (Market-1501, Duke), and IR-Softmax outperforms many state-of-the-art methods., Comment: has been accepted by ACCV 2020
- Published
- 2020
- Full Text
- View/download PDF
10. Insights into the intracellular behaviors of black-phosphorus-based nanocomposites via surface-enhanced Raman spectroscopy
- Author
-
Wolun Zhang, Huiqing Zhong, Zhouyi Guo, Binggang Ye, Zhengfei Zhuang, Wen Zhang, Hu Guosheng, Henan Zhao, Deqiu Huang, and Zhiming Liu
- Subjects
Nanocomposite ,intracellular localization ,Intracellular localization ,Physics ,QC1-999 ,Nanotechnology ,02 engineering and technology ,Surface-enhanced Raman spectroscopy ,010402 general chemistry ,021001 nanoscience & nanotechnology ,01 natural sciences ,Atomic and Molecular Physics, and Optics ,Black phosphorus ,surface-enhanced Raman spectroscopy ,0104 chemical sciences ,Electronic, Optical and Magnetic Materials ,Nanomaterials ,endocytosis mechanism ,black phosphorus-gold nanocomposites ,Electrical and Electronic Engineering ,0210 nano-technology ,Intracellular ,Biotechnology - Abstract
As one of the prospective two-dimensional nanomaterials, black phosphorus (BP), which has excellent physical and chemical properties, has witnessed quick development in theranostic applications. The more recent advances in combining BP nanosheet (NS) with nanoparticles exhibit new opportunities to develop multifunctional nanocomposites. However, more effort should be devoted to elucidate the nanomaterial-cell interaction mechanism before the bio-applications of BP-nanoparticle hybrids. Herein, the intracellular behaviors of BP-gold nanoparticles (BP-Au NSs) are first investigated using the surface-enhanced Raman scattering (SERS) technique. The presence of Au nanoparticles on the surface of a BP sheet allows nanohybrids with excellent SERS activity to enhance the intrinsic Raman signals of cellular components located around the NSs. Data from an endocytosis inhibitor blocking assay reveal that the nanohybrids are mainly taken up by macropinocytosis and caveolae-dependent endocytosis, which are energy-dependent processes. Associated with colocalization experiments, nanohybrids are found to internalize into lysosomes and the endoplasmic reticulum. Moreover, the SERS difference spectrum is extracted after Raman-fluorescence colocalization statistical analysis to distinguish the molecular structural differences in the biochemical components of the two organelles. These findings supply a definite cellular mechanistic understanding of the nano-biointeractions of nanocomposites in cancer cells, which may be of great importance to the biomedical applications of nanotechnology in the future.
- Published
- 2018
11. Design of Wireless Sensor Network Bidirectional Nodes for Intelligent Monitoring System of Micro-irrigation in Litchi Orchards
- Author
-
Xu Xin, Wang Weixing, Hu Guosheng, Gao Peng, Lu Huazhong, and Xie Jiaxing
- Subjects
Computer science ,business.industry ,Node (networking) ,Real-time computing ,Soil moisture sensor ,04 agricultural and veterinary sciences ,02 engineering and technology ,021001 nanoscience & nanotechnology ,Chip ,Light intensity ,Control and Systems Engineering ,040103 agronomy & agriculture ,0401 agriculture, forestry, and fisheries ,Wireless ,0210 nano-technology ,business ,Wireless sensor network - Abstract
Wireless sensor network (WSN) bidirectional nodes, including the sensing node and the solenoid valve control node, were developed for information collection and micro-irrigation monitoring system in a litchi orchard, aimed at improving the problem of wireless communication barriers and the micro-irrigation management efficiency. The sensing node was composed of an MCU8051, a CC2530 RF chip for communication, a RFX2401for amplification. This node is supposed to collect data from a DHT22 air temperature and humidity sensor, a GY-30 light intensity sensor and a TDR-3 soil moisture sensor. The control node includes an MCU8051, a CC2530 RF chip for communication, and peripheral drive circuits for adapting the bi-stable pulse solenoid valve. The application software and backstage management software were written with these two nodes as the hardware platform, based on ZStack agreement. The maximum effective bidirectional communication distance of the designed nodes reached 1205m in unoccupied regions and 122m in litchi orchards. Within a 30 min working cycle, it could be estimated that two 3.7 V battery with a rated capacity of 3000 mA•h can power the sensing node for time up to 500d. Test results in litchi orchards show that the average packet loss rate is 0.75%. The system was processing smoothly with the above nodes for information acquisition and controlling micro-irrigation in litchi orchards.
- Published
- 2018
12. MetaMixUp: Learning Adaptive Interpolation Policy of MixUp with Meta-Learning
- Author
-
Mai, Zhijun, Hu, Guosheng, Chen, Dexiong, Shen, Fumin, and Shen, Heng Tao
- Subjects
FOS: Computer and information sciences ,Computer Science - Machine Learning ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition ,Machine Learning (cs.LG) - Abstract
MixUp is an effective data augmentation method to regularize deep neural networks via random linear interpolations between pairs of samples and their labels. It plays an important role in model regularization, semi-supervised learning and domain adaption. However, despite its empirical success, its deficiency of randomly mixing samples has poorly been studied. Since deep networks are capable of memorizing the entire dataset, the corrupted samples generated by vanilla MixUp with a badly chosen interpolation policy will degrade the performance of networks. To overcome the underfitting by corrupted samples, inspired by Meta-learning (learning to learn), we propose a novel technique of learning to mixup in this work, namely, MetaMixUp. Unlike the vanilla MixUp that samples interpolation policy from a predefined distribution, this paper introduces a meta-learning based online optimization approach to dynamically learn the interpolation policy in a data-adaptive way. The validation set performance via meta-learning captures the underfitting issue, which provides more information to refine interpolation policy. Furthermore, we adapt our method for pseudo-label based semisupervised learning (SSL) along with a refined pseudo-labeling strategy. In our experiments, our method achieves better performance than vanilla MixUp and its variants under supervised learning configuration. In particular, extensive experiments show that our MetaMixUp adapted SSL greatly outperforms MixUp and many state-of-the-art methods on CIFAR-10 and SVHN benchmarks under SSL configuration.
- Published
- 2019
- Full Text
- View/download PDF
13. The Framework of Design Knowledge Organization Based on Team Cognition
- Author
-
Liu Zheng, HU Guosheng, and Wang Yun
- Subjects
Structure (mathematical logic) ,Knowledge management ,Computer science ,Process (engineering) ,business.industry ,Team cognition ,media_common.quotation_subject ,Knowledge organization ,05 social sciences ,0211 other engineering and technologies ,050301 education ,Cognition ,02 engineering and technology ,Design knowledge ,Creativity ,Order (exchange) ,business ,0503 education ,021106 design practice & management ,media_common - Abstract
In order to stimulate the collective creativity and coordinate the team members of heterogeneous background, a framework of design knowledge organization based on the team cognition is proposed for the small and micro enterprises. The knowledge organization structure is optimized by building the internal logic consistent with the knowledge flow in the design team cognition process. There are 3 parts in this frameworks. Firstly, the initial team consensus of the design concept on the process, rationale and requirement is formed by Meta knowledge. Secondly, according to the needs of different team members, the specific knowledge for the users, customers, designers, engineers, project managers based on the different perspectives can be provided. Finally, with the interaction knowledge organization, the design conflicts can be guided to reduce the impact to the project.
- Published
- 2018
14. Deep Multi-Task Learning to Recognise Subtle Facial Expressions of Mental States
- Author
-
Hu, Guosheng, Liu, Li, Yuan, Yang, Yu, Zehao, Hua, Yang, Zhang, Zhihong, Shen, Fumin, Shao, Ling, Hospedales, Timothy, Robertson, Neil, and Yang, Yongxin
- Abstract
Facial expression recognition is a topical task. However, very little research investigates subtle expression recognition, which is important for mental activity analysis, deception detection, etc. We address subtle expression recognition through convolutional neural networks (CNNs) by developing multi-task learning (MTL) methods to effectively leverage a side task: facial landmark detection. Existing MTL methods follow a design pattern of shared bottom CNN layers and task-specific top layers. However, the sharing architecture is usually heuristically chosen, as it is difficult to decide which layers should be shared. Our approach is composed of (1) a novel MTL framework that automatically learns which layers to share through optimisation under tensor trace norm regularisation and (2) an invariant representation learning approach that allows the CNN to leverage tasks defined on disjoint datasets without suffering from dataset distribution shift. To advance subtle expression recognition, we contribute a Large-scale Subtle Emotions and Mental States in the Wild database (LSEMSW). LSEMSW includes a variety of cognitive states as well as basic emotions. It contains 176K images, manually annotated with 13 emotions, and thus provides the first subtle expression dataset large enough for training deep CNNs. Evaluations on LSEMSW and 300-W (landmark) databases show the effectiveness of the proposed methods. In addition, we investigate transferring knowledge learned from LSEMSW database to traditional (non-subtle) expression recognition. We achieve very competitive performance on Oulu-Casia NIR&Vis and CK+ databases via transfer learning.
- Published
- 2018
15. Learning Symmetry Consistent Deep CNNs for Face Completion
- Author
-
Li, Xiaoming, Liu, Ming, Zhu, Jieru, Zuo, Wangmeng, Wang, Meng, Hu, Guosheng, and Zhang, Lei
- Subjects
FOS: Computer and information sciences ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition - Abstract
Deep convolutional networks (CNNs) have achieved great success in face completion to generate plausible facial structures. These methods, however, are limited in maintaining global consistency among face components and recovering fine facial details. On the other hand, reflectional symmetry is a prominent property of face image and benefits face recognition and consistency modeling, yet remaining uninvestigated in deep face completion. In this work, we leverage two kinds of symmetry-enforcing subnets to form a symmetry-consistent CNN model (i.e., SymmFCNet) for effective face completion. For missing pixels on only one of the half-faces, an illumination-reweighted warping subnet is developed to guide the warping and illumination reweighting of the other half-face. As for missing pixels on both of half-faces, we present a generative reconstruction subnet together with a perceptual symmetry loss to enforce symmetry consistency of recovered structures. The SymmFCNet is constructed by stacking generative reconstruction subnet upon illumination-reweighted warping subnet, and can be end-to-end learned from training set of unaligned face images. Experiments show that SymmFCNet can generate high quality results on images with synthetic and real occlusion, and performs favorably against state-of-the-arts.
- Published
- 2018
- Full Text
- View/download PDF
16. Dictionary Integration using 3D Morphable Face Models for Pose-invariant Collaborative-representation-based Classification
- Author
-
Song, Xiaoning, Feng, Zhen-Hua, Hu, Guosheng, Kittler, Josef, Christmas, William, and Wu, Xiao-Jun
- Subjects
FOS: Computer and information sciences ,Computer Vision and Pattern Recognition (cs.CV) ,Computer Science - Computer Vision and Pattern Recognition - Abstract
The paper presents a dictionary integration algorithm using 3D morphable face models (3DMM) for pose-invariant collaborative-representation-based face classification. To this end, we first fit a 3DMM to the 2D face images of a dictionary to reconstruct the 3D shape and texture of each image. The 3D faces are used to render a number of virtual 2D face images with arbitrary pose variations to augment the training data, by merging the original and rendered virtual samples to create an extended dictionary. Second, to reduce the information redundancy of the extended dictionary and improve the sparsity of reconstruction coefficient vectors using collaborative-representation-based classification (CRC), we exploit an on-line elimination scheme to optimise the extended dictionary by identifying the most representative training samples for a given query. The final goal is to perform pose-invariant face classification using the proposed dictionary integration method and the on-line pruning strategy under the CRC framework. Experimental results obtained for a set of well-known face datasets demonstrate the merits of the proposed method, especially its robustness to pose variations.
- Published
- 2016
17. Face Recognition Using a Unified 3D Morphable Model
- Author
-
Hu, Guosheng, Yan, Fei, Chan, Chi-Ho, Deng, Weihong, Christmas, William, Kittler, Josef, and Robertson, Neil M.
- Subjects
ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION - Abstract
We address the problem of 3D-assisted 2D face recognition in scenarios when the input image is subject to degradations or exhibits intra-personal variations not captured by the 3D model. The proposed solution involves a novel approach to learn a subspace spanned by perturbations caused by the missing modes of variation and image degradations, using 3D face data reconstructed from 2D images rather than 3D capture. This is accomplished by modelling the difference in the texture map of the 3D aligned input and reference images. A training set of these texture maps then defines a perturbation space which can be represented using PCA bases. Assuming that the image perturbation subspace is orthogonal to the 3D face model space, then these additive components can be recovered from an unseen input image, resulting in an improved fit of the 3D face model. The linearity of the model leads to efficient fitting. Experiments show that our method achieves very competitive face recognition performance on Multi-PIE and AR databases. We also present baseline face recognition results on a new data set exhibiting combined pose and illumination variations as well as occlusion.
- Published
- 2016
18. Face analysis using 3D morphable models
- Author
-
Hu, Guosheng
- Subjects
ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,ComputingMethodologies_COMPUTERGRAPHICS - Abstract
Face analysis aims to extract valuable information from facial images. One effective approach for face analysis is the analysis by synthesis. Accordingly, a new face image synthesised by inferring semantic knowledge from input images. To perform analysis by synthesis, a genera- tive model, which parameterises the sources of facial variations, is needed. A 3D Morphable Model (3DMM) is commonly used for this purpose. 3DMMs have been widely used for face analysis because the intrinsic properties of 3D faces provide an ideal representation that is immune to intra-personal variations such as pose and illumination. Given a single facial input image, a 3DMM can recover 3D face (shape and texture) and scene properties (pose and illumination) via a fitting process. However, fitting the model to the input image remains a challenging problem. One contribution of this thesis is a novel fitting method: Efficient Stepwise Optimisation (ESO). ESO optimises sequentially all the parameters (pose, shape, light direction, light strength and texture parameters) in separate steps. A perspective camera and Phong reflectance model are used to model the geometric projection and illumination respectively. Linear methods that are adapted to camera and illumination models are proposed. This generates closed-form solu- tions for these parameters, leading to an accurate and efficient fitting. Another contribution is an albedo based 3D morphable model (AB3DMM). One difficulty of 3DMM fitting is to recover the illumination of the 2D image because the proportion of the albedo and shading contributions in a pixel intensity is ambiguous. Unlike traditional methods, the AB3DMM removes the illumination component from the input image using illumination normalisation methods in a preprocessing step. This image can then be used as input to the AB3DMM fitting that does not need to handle the lighting parameters. Thus, the fitting of the AB3DMM becomes easier and more accurate. Based on AB3DMM and ESO, this study proposes a fully automatic face recognition (AFR) system. Unlike the existing 3DMM methods which assume the facial landmarks are known, our AFR automatically detects the landmarks that are used to initialise our fitting algorithms. Our AFR supports two types of feature extraction: holistic and local features. Experimental results show our AFR outperforms state-of-the-art face recognition methods.
- Published
- 2015
19. Identifying Similar Patients Using Self-Organising Maps: A Case Study on Type-1 Diabetes Self-care Survey Responses
- Author
-
Tirunagari, Santosh, Poh, Norman, Hu, Guosheng, and Windridge, David
- Subjects
Computational Engineering, Finance, and Science (cs.CE) ,FOS: Computer and information sciences ,Artificial Intelligence (cs.AI) ,Computer Science - Artificial Intelligence ,Computer Science - Computational Engineering, Finance, and Science - Abstract
Diabetes is considered a lifestyle disease and a well managed self-care plays an important role in the treatment. Clinicians often conduct surveys to understand the self-care behaviors in their patients. In this context, we propose to use Self-Organising Maps (SOM) to explore the survey data for assessing the self-care behaviors in Type-1 diabetic patients. Specifically, SOM is used to visualize high dimensional similar patient profiles, which is rarely discussed. Experiments demonstrate that our findings through SOM analysis corresponds well to the expectations of the clinicians. In addition, our findings inspire the experts to improve their understanding of the self-care behaviors for their patients. The principle findings in our study show: 1) patients who take correct dose of insulin, inject insulin at the right time, 2) patients who take correct food portions undertake regular physical activity and 3) patients who eat on time take correct food portions., 01-05 pages
- Published
- 2015
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.