Resource Type

Journal Article 237

Year

2023 44

2022 43

2021 35

2020 30

2019 27

2018 18

2017 18

2016 7

2015 1

2011 1

2010 1

2009 1

2008 1

2007 3

2006 1

2005 1

2004 1

2002 2

2001 2

open ︾

Keywords

Machine learning 42

Deep learning 34

Artificial intelligence 14

Reinforcement learning 14

Active learning 4

Bayesian optimization 3

Big data 3

Data-driven 3

Adaptive dynamic programming 2

Additive manufacturing 2

Attention 2

Autonomous driving 2

Autonomous learning 2

COVID-19 2

Classification 2

Computer vision 2

Feature learning 2

Materials design 2

Representation learning 2

open ︾

Search scope:

排序: Display mode:

Learning to select pseudo labels: a semi-supervised method for named entity recognition Research Articles

Zhen-zhen Li, Da-wei Feng, Dong-sheng Li, Xi-cheng Lu,lizhenzhen14@nudt.edu.cn,davyfeng.c@gmail.com,dsli@nudt.edu.cn,xclu@nudt.edu.cn

Frontiers of Information Technology & Electronic Engineering 2020, Volume 21, Issue 6,   Pages 809-962 doi: 10.1631/FITEE.1800743

Abstract: models have achieved state-of-the-art performance in (NER); the good performance, however, relies heavily on substantial amounts of labeled data. In some specific areas such as medical, financial, and military domains, labeled data is very scarce, while is readily available. Previous studies have used to enrich word representations, but a large amount of entity information in is neglected, which may be beneficial to the NER task. In this study, we propose a for NER tasks, which learns to create high-quality labeled data by applying a pre-trained module to filter out erroneous pseudo labels. Pseudo labels are automatically generated for and used as if they were true labels. Our semi-supervised framework includes three steps: constructing an optimal single neural model for a specific NER task, learning a module that evaluates pseudo labels, and creating new labeled data and improving the NER model iteratively. Experimental results on two English NER tasks and one Chinese clinical NER task demonstrate that our method further improves the performance of the best single neural model. Even when we use only pre-trained static word embeddings and do not rely on any external knowledge, our method achieves comparable performance to those state-of-the-art models on the CoNLL-2003 and OntoNotes 5.0 English NER tasks.

Keywords: 命名实体识别;无标注数据;深度学习;半监督学习方法    

A self-supervised method for treatment recommendation in sepsis Research Articles

Sihan Zhu, Jian Pu,jianpu@fudan.edu.cn

Frontiers of Information Technology & Electronic Engineering 2021, Volume 22, Issue 7,   Pages 926-939 doi: 10.1631/FITEE.2000127

Abstract: treatment is a highly challenging effort to reduce mortality in hospital intensive care units since the treatment response may vary for each patient. Tailored s are desired to assist doctors in making decisions efficiently and accurately. In this work, we apply a self-supervised method based on (RL) for on individuals. An uncertainty evaluation method is proposed to separate patient samples into two domains according to their responses to treatments and the state value of the chosen policy. Examples of two domains are then reconstructed with an auxiliary transfer learning task. A distillation method of privilege learning is tied to a variational auto-encoder framework for the transfer learning task between the low- and high-quality domains. Combined with the self-supervised way for better state and action representations, we propose a deep RL method called high-risk uncertainty (HRU) control to provide flexibility on the trade-off between the effectiveness and accuracy of ambiguous samples and to reduce the expected mortality. Experiments on the large-scale publicly available real-world dataset MIMIC-III demonstrate that our model reduces the estimated mortality rate by up to 2.3% in total, and that the estimated mortality rate in the majority of cases is reduced to 9.5%.

Keywords: 治疗推荐;脓毒症;自监督学习;强化学习;电子病历    

Pre-training with asynchronous supervised learning for reinforcement learning based autonomous driving Research Articles

Yunpeng Wang, Kunxian Zheng, Daxin Tian, Xuting Duan, Jianshan Zhou,ypwang@buaa.edu.cn,zhengkunxian@buaa.edu.cn,dtian@buaa.edu.cn,duanxuting@buaa.edu.cn

Frontiers of Information Technology & Electronic Engineering 2021, Volume 22, Issue 5,   Pages 615-766 doi: 10.1631/FITEE.1900637

Abstract: Rule-based autonomous driving systems may suffer from increased complexity with large-scale inter-coupled rules, so many researchers are exploring learning-based approaches. (RL) has been applied in designing autonomous driving systems because of its outstanding performance on a wide variety of sequential control problems. However, poor initial performance is a major challenge to the practical implementation of an RL-based autonomous driving system. RL training requires extensive training data before the model achieves reasonable performance, making an RL-based model inapplicable in a real-world setting, particularly when data are expensive. We propose an asynchronous (ASL) method for the RL-based end-to-end autonomous driving model to address the problem of poor initial performance before training this RL-based model in real-world settings. Specifically, prior knowledge is introduced in the ASL pre-training stage by asynchronously executing multiple processes in parallel, on multiple driving demonstration data sets. After pre-training, the model is deployed on a real vehicle to be further trained by RL to adapt to the real environment and continuously break the performance limit. The presented pre-training method is evaluated on the race car simulator, TORCS (The Open Racing Car Simulator), to verify that it can be sufficiently reliable in improving the initial performance and convergence speed of an end-to-end autonomous driving model in the RL training stage. In addition, a real-vehicle verification system is built to verify the feasibility of the proposed pre-training method in a real-vehicle deployment. Simulations results show that using some demonstrations during a supervised pre-training stage allows significant improvements in initial performance and convergence speed in the RL training stage.

Keywords: 自主驾驶;自动驾驶车辆;强化学习;监督学习    

NGAT: attention in breadth and depth exploration for semi-supervised graph representation learning Research Articles

Jianke HU, Yin ZHANG,yinzh@zju.edu.cn

Frontiers of Information Technology & Electronic Engineering 2022, Volume 23, Issue 3,   Pages 409-421 doi: 10.1631/FITEE.2000657

Abstract: Recently, graph neural networks (GNNs) have achieved remarkable performance in representation learning on graph-structured data. However, as the number of network layers increases, GNNs based on the neighborhood aggregation strategy deteriorate due to the problem of oversmoothing, which is the major bottleneck for applying GNNs to real-world graphs. Many efforts have been made to improve the process of feature information aggregation from directly connected nodes, i.e., breadth exploration. However, these models perform the best only in the case of three or fewer layers, and the performance drops rapidly for deep layers. To alleviate oversmoothing, we propose a nested graph network (NGAT), which can work in a semi-supervised manner. In addition to breadth exploration, a -layer NGAT uses a layer-wise aggregation strategy guided by the mechanism to selectively leverage feature information from the -order neighborhood, i.e., depth exploration. Even with a 10-layer or deeper architecture, NGAT can balance the need for preserving the locality (including root node features and the local structure) and aggregating the information from a large neighborhood. In a number of experiments on standard tasks, NGAT outperforms other novel models and achieves state-of-the-art performance.

Keywords: Graph learning     Semi-supervised learning     Node classification     Attention    

Federated unsupervised representation learning Research Article

Fengda ZHANG, Kun KUANG, Long CHEN, Zhaoyang YOU, Tao SHEN, Jun XIAO, Yin ZHANG, Chao WU, Fei WU, Yueting ZHUANG, Xiaolin LI,fdzhang@zju.edu.cn,kunkuang@zju.edu.cn

Frontiers of Information Technology & Electronic Engineering 2023, Volume 24, Issue 8,   Pages 1181-1193 doi: 10.1631/FITEE.2200268

Abstract: To leverage the enormous amount of unlabeled data on distributed edge devices, we formulate a new problem in called federated unsupervised (FURL) to learn a common representation model without supervision while preserving data privacy. FURL poses two new challenges: (1) data distribution shift (non-independent and identically distributed, non-IID) among clients would make local models focus on different categories, leading to the inconsistency of representation spaces; (2) without unified information among the clients in FURL, the representations across clients would be misaligned. To address these challenges, we propose the federated contrastive averaging with dictionary and alignment (FedCA) algorithm. FedCA is composed of two key modules: a dictionary module to aggregate the representations of samples from each client which can be shared with all clients for consistency of representation space and an alignment module to align the representation of each client on a base model trained on public data. We adopt the contrastive approach for local model training. Through extensive experiments with three evaluation protocols in IID and non-IID settings, we demonstrate that FedCA outperforms all baselines with significant margins.

Keywords: Federated learning     Unsupervised learning     Representation learning     Contrastive learning    

Representation learning via a semi-supervised stacked distance autoencoder for image classification Research Articles

Liang Hou, Xiao-yi Luo, Zi-yang Wang, Jun Liang,jliang@zju.edu.cn

Frontiers of Information Technology & Electronic Engineering 2020, Volume 21, Issue 7,   Pages 963-1118 doi: 10.1631/FITEE.1900116

Abstract: is an important application of deep learning. In a typical classification task, the classification accuracy is strongly related to the features that are extracted via deep learning methods. An is a special type of , often used for dimensionality reduction and feature extraction. The proposed method is based on the traditional , incorporating the “distance” information between samples from different categories. The model is called a semi-supervised distance . Each layer is first pre-trained in an unsupervised manner. In the subsequent supervised training, the optimized parameters are set as the initial values. To obtain more suitable features, we use a stacked model to replace the basic structure with a single hidden layer. A series of experiments are carried out to test the performance of different models on several datasets, including the MNIST dataset, street view house numbers (SVHN) dataset, German traffic sign recognition benchmark (GTSRB), and CIFAR-10 dataset. The proposed semi-supervised distance method is compared with the traditional , sparse , and supervised . Experimental results verify the effectiveness of the proposed model.

Keywords: 自动编码器;图像分类;半监督学习;神经网络    

Correspondence: Uncertainty-aware complementary label queries for active learning Perspective

Shengyuan LIU, Ke CHEN, Tianlei HU, Yunqing MAO,liushengyuan@zju.edu.cn,chenk@cs.zju.edu.cn,htl@zju.edu.cn,myq@citycloud.com.cn

Frontiers of Information Technology & Electronic Engineering 2023, Volume 24, Issue 10,   Pages 1497-1503 doi: 10.1631/FITEE.2200589

Abstract: Many active learning methods assume that a learner can simply ask for the full annotations of some training data from annotators. These methods mainly try to cut the annotation costs by minimizing the number of annotation actions. Unfortunately, annotating instances exactly in many real-world classification tasks is still expensive. To reduce the cost of a single annotation action, we try to tackle a novel active learning setting, named active learning with complementary labels (ALCL). ALCL learners ask only yes/no questions in some classes. After receiving answers from annotators, ALCL learners obtain a few supervised instances and more training instances with complementary labels, which specify only one of the classes to which the pattern does not belong. There are two challenging issues in ALCL: one is how to sample instances to be queried, and the other is how to learn from these complementary labels and ordinary accurate labels. For the first issue, we propose an uncertainty-based sampling strategy under this novel setup. For the second issue, we upgrade a previous ALCL method to fit our sampling strategy. Experimental results on various datasets demonstrate the superiority of our approaches.

Keywords: 主动学习;图片分类;弱监督学习    

Self-supervised graph learning with target-adaptive masking for session-based recommendation Research Article

Yitong WANG, Fei CAI, Zhiqiang PAN, Chengyu SONG,wangyitong20@nudt.edu.cn,caifei08@nudt.edu.cn,panzhiqiang@nudt.edu.cn,songchengyu@nudt.edu.cn

Frontiers of Information Technology & Electronic Engineering 2023, Volume 24, Issue 1,   Pages 73-87 doi: 10.1631/FITEE.2200137

Abstract: aims to predict the next item based on a user's limited interactions within a short period. Existing approaches use mainly recurrent neural networks (RNNs) or (GNNs) to model the sequential patterns or the transition relationships between items. However, such models either ignore the over-smoothing issue of GNNs, or directly use cross-entropy loss with a softmax layer for model optimization, which easily results in the over-fitting problem. To tackle the above issues, we propose a self-supervised graph learning with (SGL-TM) method. Specifically, we first construct a global graph based on all involved sessions and subsequently capture the self-supervised signals from the global connections between items, which helps supervise the model in generating accurate representations of items in the ongoing session. After that, we calculate the main supervised loss by comparing the ground truth with the predicted scores of items adjusted by our designed module. Finally, we combine the main supervised component with the auxiliary self-supervision module to obtain the final loss for optimizing the model parameters. Extensive experimental results from two benchmark datasets, Gowalla and Diginetica, indicate that SGL-TM can outperform state-of-the-art baselines in terms of Recall@20 and MRR@20, especially in short sessions.

Keywords: Session-based recommendation     Self-supervised learning     Graph neural networks     Target-adaptive masking    

Interactive image segmentation with a regression based ensemble learning paradigm Article

Jin ZHANG, Zhao-hui TANG, Wei-hua GUI, Qing CHEN, Jin-ping LIU

Frontiers of Information Technology & Electronic Engineering 2017, Volume 18, Issue 7,   Pages 1002-1020 doi: 10.1631/FITEE.1601401

Abstract: To achieve fine segmentation of complex natural images, people often resort to an interactive segmentation paradigm, since fully automatic methods often fail to obtain a result consistent with the ground truth. However, when the foreground and background share some similar areas in color, the fine segmentation result of conventional interactive methods usually relies on the increase of manual labels. This paper presents a novel interactive image segmentation method via a regression-based ensemble model with semi-supervised learning. The task is formulated as a non-linear problem integrating two complementary spline regressors and strengthening the robustness of each regressor via semi-supervised learning. First, two spline regressors with a complementary nature are constructed based on multivariate adaptive regression splines (MARS) and smooth thin plate spline regression (TPSR). Then, a regressor boosting method based on a clustering hypothesis and semi-supervised learning is proposed to assist the training of MARS and TPSR by using the region segmentation information contained in unlabeled pixels. Next, a support vector regression (SVR) based decision fusion model is adopted to integrate the results of MARS and TPSR. Finally, the GraphCut is introduced and combined with the SVR ensemble results to achieve image segmentation. Extensive experimental results on benchmark datasets of BSDS500 and Pascal VOC have demonstrated the effectiveness of our method, and the com-parison with experiment results has validated that the proposed method is comparable with the state-of-the-art methods for in-teractive natural image segmentation.

Keywords: Interactive image segmentation     Multivariate adaptive regression splines (MARS)     Ensemble learning     Thin-plate spline regression (TPSR)     Semi-supervised learning     Support vector regression (SVR)    

Unsupervised feature selection via joint local learning and group sparse regression Regular Papers

Yue WU, Can WANG, Yue-qing ZHANG, Jia-jun BU

Frontiers of Information Technology & Electronic Engineering 2019, Volume 20, Issue 4,   Pages 538-553 doi: 10.1631/FITEE.1700804

Abstract:

Feature selection has attracted a great deal of interest over the past decades. By selecting meaningful feature subsets, the performance of learning algorithms can be effectively improved. Because label information is expensive to obtain, unsupervised feature selection methods are more widely used than the supervised ones. The key to unsupervised feature selection is to find features that effectively reflect the underlying data distribution. However, due to the inevitable redundancies and noise in a dataset, the intrinsic data distribution is not best revealed when using all features. To address this issue, we propose a novel unsupervised feature selection algorithm via joint local learning and group sparse regression (JLLGSR). JLLGSR incorporates local learning based clustering with group sparsity regularized regression in a single formulation, and seeks features that respect both the manifold structure and group sparse structure in the data space. An iterative optimization method is developed in which the weights finally converge on the important features and the selected features are able to improve the clustering results. Experiments on multiple real-world datasets (images, voices, and web pages) demonstrate the effectiveness of JLLGSR.

Keywords: Unsupervised     Local learning     Group sparse regression     Feature selection    

Interactive medical image segmentation with self-adaptive confidence calibration

沈楚云,李文浩,徐琪森,胡斌,金博,蔡海滨,朱凤平,李郁欣,王祥丰

Frontiers of Information Technology & Electronic Engineering 2023, Volume 24, Issue 9,   Pages 1332-1348 doi: 10.1631/FITEE.2200299

Abstract: Interactive medical image segmentation based on human-in-the-loop machine learning is a novel paradigm that draws on human expert knowledge to assist medical image segmentation. However, existing methods often fall into what we call interactive misunderstanding, the essence of which is the dilemma in trading off short- and long-term interaction information. To better use the interaction information at various timescales, we propose an interactive segmentation framework, called interactive MEdical image segmentation with self-adaptive Confidence CAlibration (MECCA), which combines action-based confidence learning and multi-agent reinforcement learning. A novel confidence network is learned by predicting the alignment level of the action with short-term interaction information. A confidence-based reward-shaping mechanism is then proposed to explicitly incorporate confidence in the policy gradient calculation, thus directly correcting the model’s interactive misunderstanding. MECCA also enables user-friendly interactions by reducing the interaction intensity and difficulty via label generation and interaction guidance, respectively. Numerical experiments on different segmentation tasks show that MECCA can significantly improve short- and long-term interaction information utilization efficiency with remarkably fewer labeled samples. The demo video is available at https://bit.ly/mecca-demo-video.

Keywords: Medical image segmentation     Interactive segmentation     Multi-agent reinforcement learning     Confidence learning     Semi-supervised learning    

Ensemble enhanced active learning mixture discriminant analysis model and its application for semi-supervised fault classification Research Article

Weijun WANG, Yun WANG, Jun WANG, Xinyun FANG, Yuchen HE

Frontiers of Information Technology & Electronic Engineering 2022, Volume 23, Issue 12,   Pages 1814-1827 doi: 10.1631/FITEE.2200053

Abstract: As an indispensable part of process monitoring, the performance of relies heavily on the sufficiency of process knowledge. However, data labels are always difficult to acquire because of the limited sampling condition or expensive laboratory analysis, which may lead to deterioration of classification performance. To handle this dilemma, a new strategy is performed in which enhanced is employed to evaluate the value of each unlabeled sample with respect to a specific labeled dataset. Unlabeled samples with large values will serve as supplementary information for the training dataset. In addition, we introduce several reasonable indexes and criteria, and thus human labeling interference is greatly reduced. Finally, the effectiveness of the proposed method is evaluated using a numerical example and the Tennessee Eastman process.

Keywords: Semi-supervised     Active learning     Ensemble learning     Mixture discriminant analysis     Fault classification    

Neuro-heuristic computational intelligence for solving nonlinear pantograph systems Article

Muhammad Asif Zahoor RAJA, Iftikhar AHMAD, Imtiaz KHAN, Muhammed Ibrahem SYAM, Abdul Majid WAZWAZ

Frontiers of Information Technology & Electronic Engineering 2017, Volume 18, Issue 4,   Pages 464-484 doi: 10.1631/FITEE.1500393

Abstract: We present a neuro-heuristic computing platform for finding the solution for initial value problems (IVPs) of nonlinear pantograph systems based on functional differential equations (P-FDEs) of different orders. In this scheme, the strengths of feed-forward artificial neural networks (ANNs), the evolutionary computing technique mainly based on genetic algorithms (GAs), and the interior-point technique (IPT) are exploited. Two types of mathematical models of the systems are constructed with the help of ANNs by defining an unsupervised error with and without exactly satisfying the initial conditions. The design parameters of ANN models are optimized with a hybrid approach GA–IPT, where GA is used as a tool for effective global search, and IPT is incorporated for rapid local convergence. The proposed scheme is tested on three different types of IVPs of P-FDE with orders 1–3. The correctness of the scheme is established by comparison with the existing exact solutions. The accuracy and convergence of the proposed scheme are further validated through a large number of numerical experiments by taking different numbers of neurons in ANN models.

Keywords: Neural networks     Initial value problems (IVPs)     Functional differential equations (FDEs)     Unsupervised learning     Genetic algorithms (GAs)     Interior-point technique (IPT)    

Unsupervised object detection with scene-adaptive concept learning Research Articles

Shiliang Pu, Wei Zhao, Weijie Chen, Shicai Yang, Di Xie, Yunhe Pan,xiedi@hikvision.com

Frontiers of Information Technology & Electronic Engineering 2021, Volume 22, Issue 5,   Pages 615-766 doi: 10.1631/FITEE.2000567

Abstract: Object detection is one of the hottest research directions in computer vision, has already made impressive progress in academia, and has many valuable applications in the industry. However, the mainstream detection methods still have two shortcomings: (1) even a model that is well trained using large amounts of data still cannot generally be used across different kinds of scenes; (2) once a model is deployed, it cannot autonomously evolve along with the accumulated unlabeled scene data. To address these problems, and inspired by theory, we propose a novel scene-adaptive evolution algorithm that can decrease the impact of scene changes through the concept of object groups. We first extract a large number of object proposals from unlabeled data through a pre-trained detection model. Second, we build the dictionary of object concepts by clustering the proposals, in which each cluster center represents an object prototype. Third, we look into the relations between different clusters and the object information of different groups, and propose a graph-based group information propagation strategy to determine the category of an object concept, which can effectively distinguish positive and negative proposals. With these pseudo labels, we can easily fine-tune the pre-trained model. The effectiveness of the proposed method is verified by performing different experiments, and the significant improvements are achieved.

Keywords: 视觉知识;无监督视频目标检测;场景自适应学习    

Dynamic parameterized learning for unsupervised domain adaptation Research Article

Runhua JIANG, Yahong HAN

Frontiers of Information Technology & Electronic Engineering 2023, Volume 24, Issue 11,   Pages 1616-1632 doi: 10.1631/FITEE.2200631

Abstract: enables neural networks to transfer from a labeled source domain to an unlabeled target domain by learning domain-invariant representations. Recent approaches achieve this by directly matching the marginal distributions of these two domains. Most of them, however, ignore exploration of the dynamic trade-off between and learning, thus rendering them susceptible to the problems of negative transfer and outlier samples. To address these issues, we introduce the dynamic parameterized learning framework. First, by exploring domain-level semantic knowledge, the dynamic alignment parameter is proposed, to adaptively adjust the of and learning. Besides, for obtaining semantic-discriminative and domain-invariant representations, we propose to align training trajectories on both source and target domains. Comprehensive experiments are conducted to validate the effectiveness of the proposed methods, and extensive comparisons are conducted on seven datasets of three visual tasks to demonstrate their practicability.

Keywords: Unsupervised domain adaptation     Optimization steps     Domain alignment     Semantic discrimination    

Title Author Date Type Operation

Learning to select pseudo labels: a semi-supervised method for named entity recognition

Zhen-zhen Li, Da-wei Feng, Dong-sheng Li, Xi-cheng Lu,lizhenzhen14@nudt.edu.cn,davyfeng.c@gmail.com,dsli@nudt.edu.cn,xclu@nudt.edu.cn

Journal Article

A self-supervised method for treatment recommendation in sepsis

Sihan Zhu, Jian Pu,jianpu@fudan.edu.cn

Journal Article

Pre-training with asynchronous supervised learning for reinforcement learning based autonomous driving

Yunpeng Wang, Kunxian Zheng, Daxin Tian, Xuting Duan, Jianshan Zhou,ypwang@buaa.edu.cn,zhengkunxian@buaa.edu.cn,dtian@buaa.edu.cn,duanxuting@buaa.edu.cn

Journal Article

NGAT: attention in breadth and depth exploration for semi-supervised graph representation learning

Jianke HU, Yin ZHANG,yinzh@zju.edu.cn

Journal Article

Federated unsupervised representation learning

Fengda ZHANG, Kun KUANG, Long CHEN, Zhaoyang YOU, Tao SHEN, Jun XIAO, Yin ZHANG, Chao WU, Fei WU, Yueting ZHUANG, Xiaolin LI,fdzhang@zju.edu.cn,kunkuang@zju.edu.cn

Journal Article

Representation learning via a semi-supervised stacked distance autoencoder for image classification

Liang Hou, Xiao-yi Luo, Zi-yang Wang, Jun Liang,jliang@zju.edu.cn

Journal Article

Correspondence: Uncertainty-aware complementary label queries for active learning

Shengyuan LIU, Ke CHEN, Tianlei HU, Yunqing MAO,liushengyuan@zju.edu.cn,chenk@cs.zju.edu.cn,htl@zju.edu.cn,myq@citycloud.com.cn

Journal Article

Self-supervised graph learning with target-adaptive masking for session-based recommendation

Yitong WANG, Fei CAI, Zhiqiang PAN, Chengyu SONG,wangyitong20@nudt.edu.cn,caifei08@nudt.edu.cn,panzhiqiang@nudt.edu.cn,songchengyu@nudt.edu.cn

Journal Article

Interactive image segmentation with a regression based ensemble learning paradigm

Jin ZHANG, Zhao-hui TANG, Wei-hua GUI, Qing CHEN, Jin-ping LIU

Journal Article

Unsupervised feature selection via joint local learning and group sparse regression

Yue WU, Can WANG, Yue-qing ZHANG, Jia-jun BU

Journal Article

Interactive medical image segmentation with self-adaptive confidence calibration

沈楚云,李文浩,徐琪森,胡斌,金博,蔡海滨,朱凤平,李郁欣,王祥丰

Journal Article

Ensemble enhanced active learning mixture discriminant analysis model and its application for semi-supervised fault classification

Weijun WANG, Yun WANG, Jun WANG, Xinyun FANG, Yuchen HE

Journal Article

Neuro-heuristic computational intelligence for solving nonlinear pantograph systems

Muhammad Asif Zahoor RAJA, Iftikhar AHMAD, Imtiaz KHAN, Muhammed Ibrahem SYAM, Abdul Majid WAZWAZ

Journal Article

Unsupervised object detection with scene-adaptive concept learning

Shiliang Pu, Wei Zhao, Weijie Chen, Shicai Yang, Di Xie, Yunhe Pan,xiedi@hikvision.com

Journal Article

Dynamic parameterized learning for unsupervised domain adaptation

Runhua JIANG, Yahong HAN

Journal Article