39 results on '"Jianhou Gan"'
Search Results
2. Image retrieval based on aggregated deep features weighted by regional significance and channel sensitivity
- Author
-
Wei Gao, Antoni Liang, Juxiang Zhou, and Jianhou Gan
- Subjects
Information Systems and Management ,Channel (digital image) ,business.industry ,Computer science ,Pattern recognition ,Convolutional neural network ,Computer Science Applications ,Theoretical Computer Science ,Image (mathematics) ,Discriminative model ,Artificial Intelligence ,Control and Systems Engineering ,Benchmark (computing) ,Effective method ,Artificial intelligence ,Representation (mathematics) ,business ,Image retrieval ,Software - Abstract
Deep convolutional neural networks (CNN) have demonstrated a very powerful approach for extracting discriminative local descriptors for image description. Many related works suggest that an effective aggregation representation for deep convolutional features is particularly important in forming robust and compact image representations. In this paper, a new robust global descriptor for image retrieval is proposed by creating an effective method for aggregating local deep convolutional features weighted by regional significance and channel sensitivity through sum-pooling on multiple regions. The proposed aggregation method effectively takes advantage of multiple scales, and considers both the varied significance of regional visual content and the sparsity and intensity of response values in the channel. This can improve the ability of deep features to be described and discerned. The experimental results on six benchmark datasets demonstrate that our method can achieve retrieval results comparable to those of some popular approaches for deep feature aggregation but without fine-tuning strategies and multiple image inputs.
- Published
- 2021
- Full Text
- View/download PDF
3. Design and Research of Intelligent Question-Answering(Q&A) System Based on High School Course Knowledge Graph
- Author
-
Ning Lei, Hang Li, Zhijun Yang, Jianhou Gan, and Yang Wang
- Subjects
Computer Networks and Communications ,Computer science ,business.industry ,Big data ,020206 networking & telecommunications ,02 engineering and technology ,Field (computer science) ,Course (navigation) ,Hardware and Architecture ,Order (business) ,ComputingMilieux_COMPUTERSANDEDUCATION ,0202 electrical engineering, electronic engineering, information engineering ,Question answering ,Mathematics education ,Learning theory ,Graph (abstract data type) ,020201 artificial intelligence & image processing ,business ,Construct (philosophy) ,Software ,Information Systems - Abstract
Question answering is an indispensable link in high school teaching. Through question answering, on the one hand, it can solve students’ learning doubts, on the other hand, it can provide teachers with teaching feedback. However, through the investigation and research, it is found that with the expansion of student size, the effect of question answering in high school is not satisfactory. This paper analyzes the current situation of question answering in high school, and designs an intelligent question answering system for high school teaching based on constructivism learning theory and cognitive structure learning theory. The system, which is the first innovative application in the field of high school teaching, integrates knowledge graph technology and intelligent question answering technology, introduces big data technology. It can solve students’ questions in time and accurately, link the knowledge points related to the questions to help students construct knowledge network graph, and the big data technology is used to analyze the students’ questioning behavior and to predict students’ learning behavior in order to feedback the teaching effect.
- Published
- 2021
- Full Text
- View/download PDF
4. Learning Structural Representations via Dynamic Object Landmarks Discovery for Sketch Recognition and Retrieval
- Author
-
Peng She, Yong Liu, Hua Zhang, Xiaochun Cao, Jianhou Gan, and Hassan Foroosh
- Subjects
business.industry ,Computer science ,Sketch recognition ,Feature extraction ,Pattern recognition ,02 engineering and technology ,Computer Graphics and Computer-Aided Design ,Convolutional neural network ,Sketch ,Visualization ,Discriminative model ,Kernel (image processing) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Feature learning ,Software - Abstract
State-of-the-art methods on sketch classification and retrieval are based on deep convolutional neural network to learn representations. Although deep neural networks have the ability to model images with hierarchical representations by convolution kernels, they can not automatically extract the structural representations of object categories in a human-perceptible way. Furthermore, sketch images usually have large scale visual variations caused by the styles of drawing or viewpoints, which make it difficult to develop generalized representations using the fixed computational mode of convolutional kernel. In this paper, our aim is to address the problem of fixed computational mode in feature extraction process without extra supervision. We propose a novel architecture to dynamically discover the object landmarks and learn the discriminative structural representations. Our model is composed of two components: a representative landmark discovering module that localizes the key points on the object, and a category-aware representation learning module that develops the category-specific features. Specifically, we develop a structure-aware offset layer to dynamically localize the representative landmarks, which is optimized based on the category labels without extra supervision. After that, a diversity branch is introduced to extract the global discriminative features for each category. Finally, we employ a multi-task loss function to develop an end-to-end trainable architecture. At testing time, we fuse all the predictions with different number of landmarks to achieve the final results. Through extensive experiments, we compare our model with several state-of-the-art methods on two challenging datasets TU-Berlin and Sketchy for sketch classification and retrieval, and the experimental results demonstrate the effectiveness of our proposed model.
- Published
- 2019
- Full Text
- View/download PDF
5. Performance Prediction of Virtual Machines via Transfer Learning of Bayesian Network
- Author
-
Juxiang Zhou, Jun Wang, Jia Hao, and Jianhou Gan
- Subjects
Computer science ,business.industry ,Maximum likelihood ,Bayesian network ,Communications system ,computer.software_genre ,Software ,Virtual machine ,Performance prediction ,Benchmark (computing) ,Data mining ,business ,Transfer of learning ,computer - Abstract
Bayesian Network (BN) can quantify the uncertain relationships among the multiple Virtual Machine (VM) related features and then predict the VM performance accurately. However, when the settings of hardware/software or the loads running on the VMs change over time, the VM-related features might be different, which will lead to the modification of VM performance prediction results. Thus, we resort to the transfer learning method and then propose a novel BN updating model, called BN_Transfer. BN_Transfer revises the weights of the updated instances constantly, and then combine the Maximum Likelihood Estimation and the hill-climbing methods to modify the parameters and structures of BN accordingly. The experiments conducted on the Alibaba published datasets and the benchmark running results on our simulated platform have shown that the BN_ Transfer can update the BN effectively as well as predict the performance of VM accurately.
- Published
- 2021
- Full Text
- View/download PDF
6. A Lightweight and Effective Semantic Segmentation Network for Ethnic Clothing Images Based on DeepLab
- Author
-
Juxiang Zhou, Jun Wang, Jianhou Gan, and Wenfeng Wu
- Subjects
Backbone network ,Computer science ,business.industry ,Deep learning ,05 social sciences ,050801 communication & media studies ,Image segmentation ,computer.software_genre ,Convolutional neural network ,Field (computer science) ,Convolution ,0508 media and communications ,0502 economics and business ,050211 marketing ,Segmentation ,Data mining ,Artificial intelligence ,business ,computer ,Network model - Abstract
At present, with the continuous development of deep learning technology, the network applied in the field of image segmentation has continuously improved in accuracy. But then the problem is that there are more and more network parameters. It is difficult to meet the needs for scenarios with poor hardware or high real-time requirements. Therefore, based on the classic DeepLab V3+ model, this paper proposes a new lightweight network structure with the goal of optimizing the size and running speed of the convolutional neural network model while ensuring the segmentation accuracy. This paper uses the MobileNet V2 structure, which is currently popular in the field of mobile terminals, to replace the original ResNet backbone network of DeepLab V3+. Then apply asymmetric convolution to improve the ASPP structure in the DeepLab V3+ network to further reduce the amount of network parameters. Finally, the Dice function and the cross-entropy function are combined to redefine the loss function of the entire network. The experimental results show that, compared with the DeepLab V3+ network, the improved network model is only 10.5% of the latter. It takes 45.8ms to process a 1220×2440 image, which is lower than traditional semantic segmentation algorithms. After testing on our self-built national costume data set, the mPA reached 86.12 and the mIoU index reached 72.83. It not only guarantees the segmentation precision, but also reduces the running time, which can better adapt to the fast segmentation network with higher requirements on segmentation performance.
- Published
- 2021
- Full Text
- View/download PDF
7. Automatic Detecting for COVID-19-related Rumors Data on Internet
- Author
-
Jianhou Gan, Jianbin Chen, Huifeng Wang, and Zhaoxiang Ouyang
- Subjects
Source code ,Word embedding ,Information retrieval ,Computer science ,business.industry ,media_common.quotation_subject ,05 social sciences ,050801 communication & media studies ,Construct (python library) ,Rumor ,0508 media and communications ,0502 economics and business ,050211 marketing ,Data set (IBM mainframe) ,Word2vec ,The Internet ,F1 score ,business ,media_common - Abstract
Since the outbreak of COVID-19, people’s lives have been seriously affected, but with it comes another virus ’rumor’, which has the characteristics of fast-spreading, wide-spreading, and difficult to control the spreading process. Therefore, it is very important to choose an appropriate method to effectively detect COVID-19 rumors. In response to this problem, this paper crawls a data set of rumors related to COVID-19 from Snopes and construct three classes containing Fake, Real, and Unverified. We try the traditional Word Embedding Model (Word2vec, Glove, FastText) and the current Pre-training Model (BERT) to detect rumor data. In addition, this paper proposes an improved method based on the BERT pre-training model. This method obtains richer semantic information by extracting BERT hidden state output. The experiment shows that the F1 score of the method in this paper is improved, and competitive results are achieved. Our data set and source code is available at: https://github.com/byew/rumor_detection.
- Published
- 2021
- Full Text
- View/download PDF
8. Fine-Grained Semantic Segmentation of National Costume Grayscale Image Based on Human Parsing
- Author
-
Wei Zou, Jianhou Gan, and Di Wu
- Subjects
Parsing ,Color image ,Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Context (language use) ,computer.software_genre ,Grayscale ,Image (mathematics) ,Consistency (database systems) ,Feature (computer vision) ,Computer vision ,Segmentation ,Artificial intelligence ,business ,computer ,ComputingMethodologies_COMPUTERGRAPHICS - Abstract
In order to enhance the image understanding of different regions for national costume grayscale image automatic colorization, let coloring tasks take advantage of semantic conditions, also let it can apply the human parsing semantic segmentation method to the national costume grayscale image for semantic segmentation task. This paper proposes a semantic segmentation model for context embedding based on edge perceiving. Aiming at the features of national costume grayscale image, more optimizing the model and loss function. The national costume grayscale image semantic segmentation is different from semantic segmentation of the color image, this task is more difficult for the grayscale image has no color feature. In this paper, edge information and edge consistency constraints are used to improve the national costume grayscale image coloring effect. The experimental results show that the model designed in this paper can obtain more accurate fine-grained semantic segmentation results for the national costume grayscale image.
- Published
- 2021
- Full Text
- View/download PDF
9. Automatic Coloring Method for Ethnic Costume Sketch Based on Pix2Pix Network
- Author
-
Juxiang Zhou, Jianhou Gan, Wei Zou, and Huifeng Wang
- Subjects
Information retrieval ,business.industry ,Computer science ,media_common.quotation_subject ,Ethnic group ,Clothing ,Sketch ,Image (mathematics) ,Variety (cybernetics) ,Inheritance (object-oriented programming) ,business ,Function (engineering) ,Generator (mathematics) ,media_common - Abstract
Ethnic minority costume culture is an indispensable part of ethnic minority culture and an important content of ethnic minority culture protection and inheritance. It plays a very important role in Chinese traditional culture. The coloring of minority costume sketches has many practical application environments. It is a research topic with scientific significance and application prospects. On the basis of coloring the sketches of ethnic minority costumes on the GAN network, this paper proposes a coloring model of ethnic clothing sketches based on the Pix2Pix network, which can automatically colorize ethnic clothing sketches. The network is implemented based on the CGAN network. Among them, the ResNet is used as the network Generator. In order to achieve the constraints on the target image generation process and further ensure the coloring effect of the generated image, we use the ethnic minority costume sketch as a “label” input in the Generator, and the L1 loss is used as the loss function. The network is trained on the data set constructed in this paper. In order to verify the effectiveness of the network, we compared it with a variety of coloring methods. The results show that the peak signal-to-noise ratio reaches 24.061 and the structural similarity reaches 0.820, which further verifies that the coloring method proposed in this paper has good coloring performance.
- Published
- 2021
- Full Text
- View/download PDF
10. A Method for Constructing Knowledge Graph of Ethnic Cultural Information Resources
- Author
-
Jianhou Gan, Zhaoxiang Ouyang, and Jun Wang
- Subjects
Computer science ,business.industry ,media_common.quotation_subject ,Text segmentation ,Ethnic group ,computer.software_genre ,Punctuation ,Knowledge graph ,Segmentation system ,Domain knowledge ,Graph (abstract data type) ,Segmentation ,Artificial intelligence ,business ,computer ,Natural language processing ,media_common - Abstract
In order to construct the knowledge graph of ethnic cultural information resources, we first use the Chinese word segmentation system and user-defined thesaurus to segment and part-of-speech tagging the data of ethnic cultural dictionary, and remove the punctuation. Then the text data is detected. If the number of continuous word segmentation is not less than the set threshold, then to perform manual word segmentation operation, and to add the result of manual word segmentation to the user-defined thesaurus of Chinese word segmentation system until there is no new word. Then we extract the attributes of the text data after the correct segmentation to build the domain knowledge graph. We detect the repeatability of the domain knowledge graph, delete the duplicate data, and store the knowledge graph. Finally, we link the stored domain knowledge graph with resources.
- Published
- 2020
- Full Text
- View/download PDF
11. Intelligent Monitoring Network Construction based on the utilization of the Internet of things (IoT) in the Metallurgical Coking Process
- Author
-
Juxiang Zhou, Lin Tang, Lingyun Yuan, Jianhou Gan, and Xingchao Wang
- Subjects
intelligent monitoring network ,Network construction ,020205 medical informatics ,Process (engineering) ,Computer science ,business.industry ,coking process ,Physics ,QC1-999 ,General Physics and Astronomy ,020206 networking & telecommunications ,02 engineering and technology ,internet of things ,World Wide Web ,0202 electrical engineering, electronic engineering, information engineering ,07.05.pj ,07.05.tp ,Internet of Things ,business ,zigbee mesh clustered network - Abstract
With the development of the Internet of Things (IoT), a new and important research direction is possible using IoT to solve the problems of information and intelligence in the metallurgical industry. This paper proposes an intelligent monitoring network based on networking technology and uses the coking process as the research object. The construction of a coking process intelligence monitoring network should focus on the formation of a perception layer network and build on a ZigBee mesh clustered network. Moreover, it also puts forward a network routing establishment and data transmission mechanism. This study provides an effective reference for the wide application of the IoT in the intelligent management and monitoring of the metallurgical process.
- Published
- 2018
12. Image retrieval based on effective feature extraction and diffusion process
- Author
-
Wanquan Liu, Jianhou Gan, Xiaodong Liu, and Juxiang Zhou
- Subjects
Color histogram ,Computer Networks and Communications ,business.industry ,Computer science ,Feature extraction ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Scale-invariant feature transform ,020207 software engineering ,Pattern recognition ,02 engineering and technology ,Discriminative model ,Hardware and Architecture ,Feature (computer vision) ,Metric (mathematics) ,0202 electrical engineering, electronic engineering, information engineering ,Media Technology ,Benchmark (computing) ,Artificial intelligence ,business ,Image retrieval ,Software - Abstract
Feature extraction and its matching are two critical tasks in image retrieval. This paper presents a new methodology for content-based image retrieval by integrating three features, and then optimizing feature metric by diffusion process. To boost the discriminative power, the color histogram, local directional pattern, and dense SIFT features based on bag of features (BoF) are selected. Then diffusion process is applied to seek a global optimization for image matching based on fused multi-features. The diffusion process can capture the intrinsic manifold structure on a dataset, and thus enhance the overall retrieval performance significantly. Finally, a new search strategy is explored to make the diffusion process work even better when the number of retrieval images is small. In order to validate our proposed approach, four benchmark databases are used, and the results of experiments show that the proposed approach outperforms all other existing approaches.
- Published
- 2018
- Full Text
- View/download PDF
13. Multi-ethnical Chinese facial characterization and analysis
- Author
-
Cunrui Wang, Jianhou Gan, Xiaodong Duan, and Qingling Zhang
- Subjects
ComputingMilieux_THECOMPUTINGPROFESSION ,Computer Networks and Communications ,Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Ethnic group ,020207 software engineering ,02 engineering and technology ,computer.software_genre ,Facial recognition system ,ComputingMethodologies_PATTERNRECOGNITION ,Index (publishing) ,Discriminative model ,Hardware and Architecture ,Face (geometry) ,Pattern recognition (psychology) ,0202 electrical engineering, electronic engineering, information engineering ,Media Technology ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,computer ,Software ,Natural language processing - Abstract
Facial image based characterization and analysis of ethnicity, which is an important index of human demography, have become increasingly popular in the research areas of pattern recognition, computer vision, and machine learning. Many applications, such as face recognition and facial expression recognition, are affected by ethnicity information of individuals. In this study, we first create a human face database, which focuses on human ethnicity information and includes individuals from eight ethnic groups in China. This dataset can be used to conduct psychological experiments or evaluate the performance of computational algorithms. To evaluate the usefulness of this created dataset, some critical landmarks of these face images are detected and three types of features are extracted as ethnicity representations. Next, the ethnicity manifolds are learnt to demonstrate the discriminative power of the extracted features. Finally, ethnicity classifications with different popular classifiers are conducted on the constructed database, and the results indicate the effectiveness of the proposed features.
- Published
- 2018
- Full Text
- View/download PDF
14. Facial semantic representation for ethnical Chinese minorities based on geometric similarity
- Author
-
Xiaodong Duan, Qingling Zhang, Jianhou Gan, Wanquan Liu, and Cunrui Wang
- Subjects
0209 industrial biotechnology ,Semantic feature ,business.industry ,Nonlinear dimensionality reduction ,Feature selection ,Pattern recognition ,02 engineering and technology ,Facial recognition system ,Statistical classification ,020901 industrial engineering & automation ,Artificial Intelligence ,Pattern recognition (psychology) ,0202 electrical engineering, electronic engineering, information engineering ,Feature (machine learning) ,020201 artificial intelligence & image processing ,Computer Vision and Pattern Recognition ,Artificial intelligence ,business ,Isomap ,Software ,Mathematics - Abstract
Facial semantic feature analysis for ethnical Chinese groups is one of the most significant research topics in face recognition and anthropology. In this paper, we build an ethnical Chinese face database including three ethnical groups, and then manifold learning technique is applied to analyze facial ethnic features for discriminant semantic representation. Firstly, we conduct manifold analysis on the basis of facial geometric indicators that are proposed by anthropologist, which are eventually shown not distinguishable in semantics concepts. Therefore, it is necessary to expand the scope of facial features by calculating the complete distances, angles and indexes associated with landmarks. Then, mRMR-based feature selection is applied to select 2926 distance indicators, more than 210,000 angle indicators and more than 4,100,000 index indicators ethnical feature representation, and 5 datasets with features of distance, angle, index, anthropology and combinations are obtained. Secondly, several popular manifold learning methods, such as LPP, ISOMAP, LE, PCA and LDA are utilized to investigate the ethnic features obtained above, and the results show the distinguishable manifold structure of facial ethnical features and clusters in 4 of the 5 datasets. In order to evaluate the validity of filtered features, the classification algorithms, J48, SVM, RBF Network, Bayesian, and Bayes Network in Weka, are carried out based on the filtered features. The experimental results reveal that the average of classification accuracy on the dataset with combined features is higher than other datasets, and the corresponding indexes are more salient than other geometric features. Finally, the sub-manifold structures with semantic concepts are found based on the ethnic facial data. Facial features of three Chinese ethnic groups exist in different ethnic semantic sub-manifolds in the low-dimensional space. Facial measurement indicators obtained by manifold analysis and feature selection provide not only a method for computational facial ethnic groups analysis, but also an enrichment and improvement to the related research in anthropology.
- Published
- 2017
- Full Text
- View/download PDF
15. Topics on data transmission problem in software definition network
- Author
-
Wei Gao, Jianhou Gan, Li Liang, and Tianwei Xu
- Subjects
software definition network ,Toughness ,business.industry ,Physics ,QC1-999 ,General Physics and Astronomy ,toughness ,020206 networking & telecommunications ,02 engineering and technology ,data transmission ,01 natural sciences ,fractional factor ,010305 fluids & plasmas ,hamiltonian fractional factors ,Software ,Computer engineering ,0103 physical sciences ,0202 electrical engineering, electronic engineering, information engineering ,Computer Science::Networking and Internet Architecture ,07.05.mh ,business ,02.10.ox ,Mathematics ,Data transmission - Abstract
In normal computer networks, the data transmission between two sites go through the shortest path between two corresponding vertices. However, in the setting of software definition network (SDN), it should monitor the network traffic flow in each site and channel timely, and the data transmission path between two sites in SDN should consider the congestion in current networks. Hence, the difference of available data transmission theory between normal computer network and software definition network is that we should consider the prohibit graph structures in SDN, and these forbidden subgraphs represent the sites and channels in which data can’t be passed by the serious congestion. Inspired by theoretical analysis of an available data transmission in SDN, we consider some computational problems from the perspective of the graph theory. Several results determined in the paper imply the sufficient conditions of data transmission in SDN in the various graph settings.
- Published
- 2017
16. Product Consistency Joint Detection Algorithm Based on Deep Learning
- Author
-
Bin Wen, Bo Liu, Jianhou Gan, and Jun Wang
- Subjects
Contextual image classification ,business.industry ,Computer science ,Deep learning ,Stability (learning theory) ,02 engineering and technology ,Image segmentation ,Convolutional neural network ,Image (mathematics) ,Consistency (database systems) ,020210 optoelectronics & photonics ,020204 information systems ,Product (mathematics) ,0202 electrical engineering, electronic engineering, information engineering ,Artificial intelligence ,business ,Algorithm - Abstract
At present, the consistency detection of products mainly relies on manual method which has defects such as difficulty in identifying similar categories and low efficiency. Recently, the methods which are based on image classification have been widely used in it. However, image classification is based merely on simple visual features without making full use of other categrizable attributes. The approach this paper adopt to solve the problem is a joint detection algorithm which is based on deep learning. This algorithm locates product areas and implements image segmentation according to the default information code. Then it takes the segmented image as input of convolutional neural network model for classification. A reflection-assisted decision-making algorithm is used to solve the defect that the approximate class output probability is unstable. Finally, the consistency judgment is made according to the extracted default class information and product category. The experimental results obtained in this research show that the proposed algorithm can segment the products image accurately and quickly. The joint decision-making algorithm has better accuracy and stability than the single classification network.
- Published
- 2020
- Full Text
- View/download PDF
17. Research on Image Recognition Method of Ethnic Costume Based on VGG
- Author
-
Kangwei Wei, Zhaoxiang Ouyang, Bin Wen, Jianhou Gan, and Qinchuan Lei
- Subjects
Artificial neural network ,Computer science ,business.industry ,Deep learning ,Ethnic group ,02 engineering and technology ,Convolutional neural network ,Image (mathematics) ,Convolution ,020204 information systems ,0202 electrical engineering, electronic engineering, information engineering ,Computer vision ,Artificial intelligence ,business ,Dropout (neural networks) ,Network model - Abstract
This paper uses deep learning related algorithms to classify and recognize the ethnic costume images of the Wa and Yi people. In the deep learning framework Tensorflow, the deep convolution network VGG model was migrated to the ethnic costume recognition task, and the image recognition of ethnic costume based on VGG was realized. By adjusting the size of the convolution kernel and the number of convolution layers of the VGGNet network model, a neural network model of ethnic costume image recognition suitable for the classification and recognition of the Wa and Yi people is constructed. By training the images in the ethnic costume image library, iteratively adjusting the parameters of Batch_size, Epoch, Dropout and other parameters of the network model, the comparative experiments are on, and the classification recognition rate of ethnic costume images under different network model parameters is analyzed.
- Published
- 2020
- Full Text
- View/download PDF
18. Application of WeChat Mini Program in Secondary School Students' Homework Guidance
- Author
-
Ning Lei, Jianhou Gan, Cuilian Lv, and Zhijun Yang
- Subjects
Classroom teaching ,Multimedia ,business.industry ,Mobile internet ,Secondary development ,Computer science ,Information technology ,computer.software_genre ,Field (computer science) ,ComputingMilieux_COMPUTERSANDEDUCATION ,Virtual learning environment ,The Internet ,Product (category theory) ,business ,computer - Abstract
Under the background of “Internet + education”, the information technology is changing rapidly, and the mobile learning technology is becoming more and more popular. In recent years, learning based on mobile terminal device is a popular way, and people like to use their fragmented time for learning. Because people depend on the mobile Internet at present, the way of life and learning has also changed. The maturity of artificial intelligence technology has brought great convenience to people's life. It is the requirement of the times to apply artificial intelligence to education field and promote the development of education. As a product of the development of mobile Internet, WeChat has become an indispensable part of people's communication tools. Almost everyone in contemporary youth uses WeChat. As a light application based on the secondary development of the WeChat platform, WeChat Mini Program is also a boom in the development of the times. Combining the advantages of the development of WeChat Mini Program and the development trend of the mobile learning technology, this paper mainly analyzes the current situation of secondary school students participation in extra-curricular tutoring, expounds the advantages of WeChat Mini Program as a mobile learning platform, combines artificial intelligence technology with WeChat Mini Program platform, and constructs a homework tutoring model for secondary school students based on WeChat Mini Program as a classroom teaching assistant for secondary school students. It is hoped that the study of WeChat Mini Program as a homework guidance platform can provide a reference to improve students' ability to think and solve problems.
- Published
- 2019
- Full Text
- View/download PDF
19. Multi-Label Topic Model Conditioned on Label Embedding
- Author
-
Jianhou Gan, Lin Tang, and Lin Liu
- Subjects
Hyperparameter ,Text corpus ,Multi-label classification ,Topic model ,Computer science ,business.industry ,Context (language use) ,computer.software_genre ,Domain (software engineering) ,ComputingMethodologies_PATTERNRECOGNITION ,Probability distribution ,Embedding ,Artificial intelligence ,business ,computer ,Natural language processing - Abstract
In most real-world document collections, there are various types of labels that usually carry context information, such as label hierarchies or textual descriptions. Nonetheless, the commonly-used approaches to modeling text corpora ignore this information. Label embedding can reflect more extensive label context information and have a capability of leveraging various sources of information. In this paper, we propose a multi-label topic model conditioned on label embedding, which incorporate label embedding into the generative process of multi-label topic models in text domain, so as to improve documents classification accuracy and topic quality. By introducing Dirichlet-multinomial regression (DMR) framework into a multi-label topic model called Labeled LDA(LLDA), our model apply an exponential priori constructed previously with label embedding on the hyperparameters of document-label distribution, which reflects the effects of label embedding on label probability distribution. The experimental results demonstrate the potential of our model through an exploration of a standard document dataset.
- Published
- 2019
- Full Text
- View/download PDF
20. Image Segmentation Based on Superpixel Boundary Movement
- Author
-
Yueting Fang, JianHou Gan, and Deqiang Yang
- Subjects
Iterative and incremental development ,Pixel ,Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Boundary (topology) ,Pattern recognition ,Image segmentation ,Image (mathematics) ,Computer Science::Computer Vision and Pattern Recognition ,Convergence (routing) ,Segmentation ,Artificial intelligence ,Cluster analysis ,business - Abstract
The superpixel generated by clustering of simple linear iterative clustering (SLIC) algorithm is prone to under-segmentation problem in image detail, and the image boundary segmentation is not accurate. We propose an algorithm to perform motion clustering on the boundary pixels that initialize the uniform segmentation region until the convergence produces superpixels, which improves the accuracy of clustering in the iterative process and reduces the phenomenon of mis-segmentation. The experimental results show that the image boundary segmentation algorithm is better than the SLIC algorithm.
- Published
- 2019
- Full Text
- View/download PDF
21. A KNN Optimization Based on GPU Parallel Computing Method
- Author
-
Jianhou Gan, Bin Wen, and Bo Liu
- Subjects
CUDA ,Shared memory ,Computer science ,business.industry ,Big data ,Parallel optimization ,Thread (computing) ,Parallel computing ,business ,k-nearest neighbors algorithm - Abstract
KNN (K-nearest neighbor) is a simple and practical classification algorithm, but it is less efficient when dealing with massive high-dimensional data. Parallel computing is an effective way to accelerate big data calculations. In order to improve the efficiency of KNN, an optimization method based on GPU parallel computing is proposed in this paper. In the distance calculation stage, the parallelism is increased to the numerical value, and the independent components are calculated in parallel before the thread collaborative calculation. In the distance sorting stage, a method of judging order is proposed. This method based on shared memory gives Odd-even sorting the parallel ability to determine whether the sequence is ordered. The experimental results obtained in this research show that the proposed method can obviously improve the execution efficiency of KNN algorithm in high-dimensional samples and partial ordered distribution.
- Published
- 2019
- Full Text
- View/download PDF
22. A Dynamic Image Playing Method of Ultra-high Definition based on Big Data Distributed Storage
- Author
-
Jianhou Gan, Jun Wang, Cunrui Wang, and Di Wu
- Subjects
Inheritance (object-oriented programming) ,Consistency (database systems) ,Thesaurus (information retrieval) ,Broadcasting (networking) ,business.industry ,Computer science ,Big data ,Distributed data store ,Real-time computing ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Resolution (logic) ,business ,Image (mathematics) - Abstract
Minority ultra-high definition video resources with ultra-high resolution will cause the occupation of large storage space, so the mainstream network rate is difficult to satisfy the requirement for smooth playback. To address the above problem, we first adopt distributed storage technology to resampling and splitting the ultra-high definition video. Then, multi-level dynamic image frame and resolution archiving are established and combined with image blocks information to form dynamic image playback archiving. This method effectively processes the conflict between ultra-high-definition video and the upload bandwidth of the server network, and thus solves a kind of ultra-high definition video broadcast problem with little consistency between frames and the need for local amplification of images. Moreover, it provides a way of broadcasting and displaying for the inheritance and protection of minority culture.
- Published
- 2019
- Full Text
- View/download PDF
23. A Novel Intelligent Computing based Localization Algorithm for Internet of Things
- Author
-
Jianhou Gan, Yaming Zhang, and Yan Liu
- Subjects
business.industry ,Computer science ,Information technology ,Approximation algorithm ,020206 networking & telecommunications ,Ranging ,02 engineering and technology ,Information industry ,Hotspot (Wi-Fi) ,Robustness (computer science) ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,The Internet ,business ,Wireless sensor network ,Algorithm - Abstract
The Internet of Things (IoT) is regarded as the third wave of information industry in the world after computer Internet and mobile communication network. It has attracted worldwide attention recently due to its great application prospect, and become an important research hotspot in the field of information technology at home and abroad. Localization is a very critical issue of IoT. It is an important supporting technology for most applications of IoT. In this paper, a novel intelligent computing based localization algorithm for IoT is presented. It combines the advantages of invasive weed optimization (IWO) and simplified quadratic approximation (SQA) to achieve better positioning performance. The simulation results show that, the presented localization algorithm has higher localization accuracy compared with other similar algorithms. Moreover, it has a strong robustness for communication ranging error, and shows higher practicability.
- Published
- 2019
- Full Text
- View/download PDF
24. A new fusion approach for content based image retrieval with color histogram and local directional pattern
- Author
-
Tianwei Xu, Juxiang Zhou, Xiaodong Liu, Wanquan Liu, and Jianhou Gan
- Subjects
Color histogram ,Computer science ,business.industry ,Color normalization ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,Normalization (image processing) ,Histogram matching ,020207 software engineering ,Computational intelligence ,Pattern recognition ,02 engineering and technology ,Content-based image retrieval ,Artificial Intelligence ,Histogram ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer vision ,Computer Vision and Pattern Recognition ,Artificial intelligence ,business ,Software ,Histogram equalization - Abstract
In this paper, we propose a novel color image retrieval approach by using an effective fusion of two types of histograms extracted from color and local directional pattern (LDP), respectively. First, we describe the extraction process of color histogram and LDP. Secondly we present these two features and then develop an effective fusion procedure including feature normalization and a new similarity metric. Thirdly, this new approach is validated after extensive comparisons with several existing state of the art approaches on two benchmark datasets including the Wang’s dataset and large size of the Corel-10000 dataset. Finally, a friendly interface for this proposed retrieval system is designed and used to show some retrieval results.
- Published
- 2016
- Full Text
- View/download PDF
25. An automatic coloring method for ethnic costume sketches based on generative adversarial networks
- Author
-
Bin Wen, Jianhou Gan, Bo Liu, Wei Gao, and Yiping Liufu
- Subjects
Structure (mathematical logic) ,0209 industrial biotechnology ,Computer science ,business.industry ,Reliability (computer networking) ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,02 engineering and technology ,Function (mathematics) ,Convolutional neural network ,Sketch ,020901 industrial engineering & automation ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,business ,Software ,Generative grammar ,Generator (mathematics) - Abstract
In this paper, we present an automatic coloring model for ethnic costume sketches based on a generative adversarial networks. The proposed model is composed of a 6-layer U-net structure generator and a discriminator with 5-layer convolutional neural network. Then the loss function and the weights of true reliability value in the discriminator are optimized. And, finally the constructed sketch database is used for training to get an automatic coloring model. The results of a large number of sketch coloring experiments show that the model has good learning ability on exploring color law of ethnic costumes and can achieve better coloring effects.
- Published
- 2021
- Full Text
- View/download PDF
26. Dynamic Behaviors of Wireless Sensor Networks Infected by Virus with Latency Delay
- Author
-
Xiaopan Zhang, Jianhou Gan, Lingyun Yuan, and Cong Li
- Subjects
Hopf bifurcation ,symbols.namesake ,business.industry ,Computer science ,symbols ,Latency (engineering) ,business ,Wireless sensor network ,Virus ,Computer network - Published
- 2019
- Full Text
- View/download PDF
27. Urban Road Image Segmentation Algorithm Based on Statistical Information
- Author
-
Deqiang Yang, Yi Luo, and JianHou Gan
- Subjects
Computer science ,business.industry ,ComputingMethodologies_IMAGEPROCESSINGANDCOMPUTERVISION ,020206 networking & telecommunications ,Pattern recognition ,02 engineering and technology ,Image segmentation ,Urban road ,Image (mathematics) ,Region growing ,Histogram ,0202 electrical engineering, electronic engineering, information engineering ,Image segmentation algorithm ,020201 artificial intelligence & image processing ,Point (geometry) ,Segmentation ,Artificial intelligence ,business - Abstract
Urban road image segmentation is an important technology of intelligent city management and pilotless driving. In order to improve the effect of image segmentation, direct at the deficiency of single seed point and fixed threshold of traditional region growing algorithm, a seed selection method based on the gray level of two-dimensional histogram and local variance is proposed, and the dynamic threshold is used to change the region growing rule. The experimental results show that the seeds selected by this method can be highly representative, and realize the complete segmentation of the image. Based on the dynamic threshold region growth rule, the image segmentation has a better effect.
- Published
- 2018
- Full Text
- View/download PDF
28. Characteristics Modeling and Interest Calculation of Learners’ Characteristics in Active Push Service of National Education Information Resources Under Big Data
- Author
-
Jianhou Gan, Bin Wen, Jun Wang, and Yu Yan
- Subjects
National education ,Service (business) ,Knowledge management ,business.industry ,Big data ,business - Published
- 2018
- Full Text
- View/download PDF
29. Colorized Image Forgery Detection based on Similarity Measurement of Gaussian Mixture Distribution
- Author
-
Ze Yang, Bin Wen, Juxiang Zhou, Jun Wang, and Jianhou Gan
- Subjects
Support vector machine ,Similarity (network science) ,Forgery detection ,Computer science ,business.industry ,Image forgery ,Gaussian mixture distribution ,Pattern recognition ,Artificial intelligence ,business - Published
- 2018
- Full Text
- View/download PDF
30. New Polling Scheme based on Busy/Idle Queues Mechanism
- Author
-
Yangyang Sun, Zhijun Yang, and Jianhou Gan
- Subjects
Scheme (programming language) ,0209 industrial biotechnology ,Computer science ,business.industry ,02 engineering and technology ,Idle ,020901 industrial engineering & automation ,Parallel scheduling ,Polling system ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Polling ,business ,Queue ,computer ,Mechanism (sociology) ,computer.programming_language ,Computer network - Published
- 2018
- Full Text
- View/download PDF
31. National education research visualized analysis based on knowledge map
- Author
-
Jianhou Gan, Yangxin Ou, and Bin Wen
- Subjects
National education ,Market research ,business.industry ,Political science ,Mediation ,Regional science ,business ,Information science - Abstract
In recent years, along with our country education constantly reforms and develops, the education for nationalities research is also progress and obtained good results constantly. This article utilized the method of knowledge map, keywords co-occurrence analysis to our country in recent years, analyses the education for nationalities situation, constructed our country education for nationalities research area keyword knowledge map and development facility knowledge map and researcher knowledge map, show and revealed the focus and front of our country education for nationalities research in recent years, reflected the recent years Our country education for nationalities area research leader.
- Published
- 2017
- Full Text
- View/download PDF
32. An Overview of Label Space Dimension Reduction for Multi-Label Classification
- Author
-
Lin Liu, Lin Tang, and Jianhou Gan
- Subjects
Multi-label classification ,Computer science ,business.industry ,Space dimension ,Pattern recognition ,0102 computer and information sciences ,02 engineering and technology ,Type (model theory) ,01 natural sciences ,Matrix decomposition ,Reduction (complexity) ,ComputingMethodologies_PATTERNRECOGNITION ,Development (topology) ,010201 computation theory & mathematics ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Artificial intelligence ,business - Abstract
Multi-label classification with many labels are common in real-world application. However, traditional multi-label classifiers often become computationally inefficient for hundreds or even thousands of labels. Therefore, the label space dimension reduction is designed to address this problem. In this paper, the existing studies of label space dimension reduction are summarized; especially, these studies were classified into two categories: label space dimension reduction based on transformed labels and label subset; meanwhile, we analyze the studies belonging to each type and give the experimental comparison of two typical LSDR algorithms. To the best of our knowledge, this is the first effort to review the development of label space dimension reduction.
- Published
- 2017
- Full Text
- View/download PDF
33. A Semantic-based Spatio-temporal Data Model for Internet of Things
- Author
-
Jianhou Gan, Lingyun Yuan, and Xingchao Wang
- Subjects
Temporal data models ,Computer Networks and Communications ,business.industry ,Computer science ,World Wide Web ,Web of Things ,Semantic grid ,Hardware and Architecture ,Semantic computing ,Semantic technology ,The Internet ,Semantic Web Stack ,Internet of Things ,business - Published
- 2013
- Full Text
- View/download PDF
34. The Algorithm for Extracting Elements of National Costume Based on Region Growing
- Author
-
Tian-wei Xu, Deqiang Yang, Bin Wen, and Jianhou Gan
- Subjects
business.industry ,Region growing ,Computer science ,0103 physical sciences ,0202 electrical engineering, electronic engineering, information engineering ,020201 artificial intelligence & image processing ,Computer vision ,02 engineering and technology ,Artificial intelligence ,010306 general physics ,business ,01 natural sciences - Published
- 2017
- Full Text
- View/download PDF
35. Research on Micro-blog New Word Recognition Based on MapReduce
- Author
-
Chaoting Xiao, Bin Wen, Jianhou Gan, Wei Zhang, and Xiaochun Cao
- Subjects
Microblogging ,Computer science ,business.industry ,Feature vector ,Pattern recognition ,02 engineering and technology ,Filter (signal processing) ,Mutual information ,Support vector machine ,020204 information systems ,Word recognition ,0202 electrical engineering, electronic engineering, information engineering ,Adjacency list ,Entropy (information theory) ,020201 artificial intelligence & image processing ,Social media ,Artificial intelligence ,business - Abstract
New word discovery possesses a significance in NLP. This paper first reduces noise to the corpus of micro-blog and employ the new filtering algorithm to filter the candidate words, then improves the traditional mutual information and adjacency entropy method respectively and put forward enhancement of mutual information and relative adjacency entropy. In terms of multi-feature massive data generated by a large-scale corpus to recognize the new words, the MapReduce parallel computing model is exploited to extract three features such as, enhancement of mutual information, relative adjacency entropy and background document frequency, to improve the parallelization. With the extracted three features, the feature vectors of the candidate words are formed, and a SVM model can be trained by training the labelled corpus. The experiments show that the proposed method shortens the time required by the whole recognition process. In addition, compared with the existing methods, the F-value reaches 86.98%.
- Published
- 2016
- Full Text
- View/download PDF
36. Improved Bacterial Foraging Optimization Algorithm with Information Communication Mechanism for Nurse Scheduling
- Author
-
Ben Niu, Jing Liu, Jianhou Gan, Chao Wang, and Lingyun Yuan
- Subjects
Star network ,Mathematical optimization ,Optimization algorithm ,Computer science ,business.industry ,Foraging ,Ring network ,Machine learning ,computer.software_genre ,Scheduling (computing) ,Nurse scheduling problem ,Artificial intelligence ,business ,computer - Abstract
As a NP-hard combinatorial problem, nurse scheduling problem (NSP) is a well-known personnel scheduling task whose goal is to create a nurse schedule under a series of hard and soft constraints in a practical world. In this paper, a variant of structure-redesigned-based bacterial foraging optimization (SRBFO) with a dynamic topology structure (SRBFO-DN) is employed for solving nurse scheduling problem (NSP). In SRBFO-DN, each bacterium achieves cooperation by information exchange mechanism switching the topology structure between star topology and ring topology. A special encoding operation of bacteria in SRBFO-DN is adopted to transform position vectors into feasible solutions, which can make SRBFO-DN successfully dealing with this typical difficult and discrete NSP. Experiment results obtained by SRBFO-DN compared with SRBFO and SPSO demonstrated that the efficiency of the proposed SRBFO-DN algorithm is better than other two algorithms for dealing with NSP.
- Published
- 2015
- Full Text
- View/download PDF
37. Heterogeneous Information Knowledge Construction Based on Ontology
- Author
-
Gang Xie, Wanquan Liu, Yongzheng Yan, and Jianhou Gan
- Subjects
0209 industrial biotechnology ,Computer science ,business.industry ,Open Knowledge Base Connectivity ,02 engineering and technology ,Ontology (information science) ,Data science ,Body of knowledge ,Knowledge-based systems ,020901 industrial engineering & automation ,Knowledge base ,Knowledge extraction ,Knowledge integration ,0202 electrical engineering, electronic engineering, information engineering ,Domain knowledge ,020201 artificial intelligence & image processing ,Electrical and Electronic Engineering ,business - Abstract
Describing and representing multi-source and heterogeneous knowledge is a popular research topic in recent years. After investigating knowledge forming process based on multi-source heterogeneous information resources, we present a new approach in which different information resources are put into a mutual RDF(S) data model, and semantic reasoning of RDF(S) is conducted. Moreover, a knowledge base construction framework for multi-source heterogeneous information source with combination of Ontology knowledge model is put forward, and an algorithm of knowledge base construction is also proposed, in which the core issues are knowledge inclusion and updating. Then the time complexity of our algorithm is analyzed. Finally, in order to solve the heterogeneous, and uneven horizontal of geographical distribution of ethnic minority information resources in Yunnan Province, we use the proposed method to construct a domain knowledge base for ethnic minority information resources, and use this model to evaluate the efficiency for the knowledge inclusion algorithm in responding time and indexing responding time for different data resources in our experiments.
- Published
- 2016
- Full Text
- View/download PDF
38. A Data Gathering Algorithm Based on Mobile Agent and Emergent Event-Driven in Cluster-Based WSN
- Author
-
Jianhou Gan, Lingyun Yuan, Xingchao Wang, and Yanfang Zhao
- Subjects
Computer Networks and Communications ,Computer science ,business.industry ,Wireless network ,Network delay ,Real-time computing ,Wireless WAN ,Base station ,Key distribution in wireless sensor networks ,Mobile wireless sensor network ,Mobile agent ,business ,Algorithm ,Wireless sensor network ,Computer network - Abstract
In order to improve energy efficiency and decrease network delay in wireless sensor network applied to emergent event monitoring, a new data gathering algorithm based on mobile agent and event-driven is proposed for cluster-based wireless sensor network. The process of dynamically clustering the sensor nodes is based on the event severity degree, by which the scale and lifetime of clusters are determined. And a multi-hop virtual cluster is formed between the base station and the cluster heads in which the base station is regarded as its cluster head. The order of nodes visited along the route by mobile agent has a significant impact on the algorithm efficiency and the lifetime for wireless sensor network. In this paper, the next hop in route planning for mobile agents is determined by the residual energy, the path loss and the stimulated intensity. The mobile agents can gather information by traversing all member nodes. The theory analysis and simulation results show that mobile-agent-based model has a better performance in energy consumption and network delay compared to C/S model. And mobile agent is more suitable for wireless sensor network than C/S model in data aggregation. Furthermore, DGMA will provide a more network applied to a large scale emergent event monitoring.
- Published
- 2010
- Full Text
- View/download PDF
39. Construction and implementation of an integrated WSID traffic monitoring network system
- Author
-
Jianhou Gan, Lingyun Yuan, Zhongqi Sheng, and Tianwei Xu
- Subjects
Base station ,Network architecture ,Identification (information) ,Engineering ,Software ,business.industry ,Embedded system ,ComputerSystemsOrganization_COMPUTER-COMMUNICATIONNETWORKS ,Radio-frequency identification ,Wireless ,business ,Communications protocol ,Wireless sensor network - Abstract
Wireless Sensor Network (WSN) & Radio Frequency Identification (RFID) integrated technology (Wireless Sensing Identification, WSID) is an inevitable trend in WSN and RFID fields in the future, Especially the RFID based on automated identification helps the objects identification in traffic management to become more simple and exact. In this paper, RFID is integrated into highway traffic monitoring system architecture based on wireless sensor network, thus wireless sensing identification traffic monitoring network (WSTIMN) is presented. And its network architecture, hardware and software structure of smart nodes, network protocol stacks are proposed and described in detail. Based on the above structures, we implemented the prototype system in the experimental platform. The experimental results demonstrated that the integration and amalgamation of RFID and WSN not only effectively expanded and improved the original system function, simplified some complicated function operations, but also improved those two major technology itself.
- Published
- 2009
- Full Text
- View/download PDF
Catalog
Discovery Service for Jio Institute Digital Library
For full access to our library's resources, please sign in.