The proceedings contain 25 papers. The topics discussed include: complete scene parsing for autonomous navigation in unstructured environments;semi-supervised meta-learning via self-training;value iteration solver net...
ISBN:
(纸本)9781728160788
The proceedings contain 25 papers. The topics discussed include: complete scene parsing for autonomous navigation in unstructured environments;semi-supervised meta-learning via self-training;value iteration solver networks;research on pulsar classification based on machinelearning;bias and raising threshold algorithm using learning agents for the best proportion-searching problem;a study on layers of deep neural networks;motion-blur-free high-frame-rate vision system with frame-by-frame visual-feedback control for a resonant mirror;complete scene parsing for autonomous navigation in unstructured environments;pattern recognition of dynamic social network;and a comparative study on HSV-based and deep learning-based object detection algorithms for pedestrian traffic light signal recognition.
The proceedings contain 82 papers. The topics discussed include: a hybrid temporal modeling phoneme recognized network for real-time speech animation;two-stage method for effective user-guided video segmentation;learn...
ISBN:
(纸本)9781728142722
The proceedings contain 82 papers. The topics discussed include: a hybrid temporal modeling phoneme recognized network for real-time speech animation;two-stage method for effective user-guided video segmentation;learning adaptive receptive fields for point clouds;enhancing deep multimedia recommendations using graph embeddings;abnormal traffic congestion recognition based on video analysis;precision UAV landing control based on visual detection;MER-GCN: micro-expression recognition based on relation modeling with graph convolutional networks;multi-task image-based dietary assessment for food recognition and portion size estimation;exploring the use of machinelearning as game mechanic - demonstrative learning multiplayer game prototype;end-edge-cloud collaborative system: a video big data processing and analysis architecture;and lane extraction and quality evaluation: a Hough transform based approach.
A massive amount of text data is available online;applying machinelearning techniques to analyze the data helps human beings to grasp the status of previous and current eras. We analyze lexically all US presidential ...
详细信息
ISBN:
(纸本)9781728142722
A massive amount of text data is available online;applying machinelearning techniques to analyze the data helps human beings to grasp the status of previous and current eras. We analyze lexically all US presidential inaugural speeches from 1789 until now and use machinelearning algorithms to learn patterns to categorize the authors of the speeches into their respective parties. We apply four different supervised learning approaches (Multinomial Naive Bayes, SVMs, Random Forest, and Logistic Regression) and evaluate their classification performance. The outcome is a 100% accurate classification based on our choice of lexical features (such as unigram and stopwords removal) and the parameters of SVM with linear, polynomial, and RBF kernels. Our study shows that the selected supervised machinelearning algorithms can produce highly accurate association between political parties inaugural speech text without requiring any additional information such as metadata for authors or parties or semantics.
Wavelet transform is a time-scale signal analysis method, which holds the characteristics of the same window size, arbitrary shape change and multi-resolution analysis. Most applications of wavelet transform need to b...
详细信息
The most efficient way to convey human knowledge is through natural language text. In order to manage the exponential growth of digital data, it is high time to build a robust text information system. The system perfo...
详细信息
Mushroom is an important fungus which contains a good source of vitamin B and a large amount of protein when compared to all other vegetables. It helps to prevent cancer, useful in weight loss and increases the immuni...
详细信息
ISBN:
(纸本)9789813290884;9789813290877
Mushroom is an important fungus which contains a good source of vitamin B and a large amount of protein when compared to all other vegetables. It helps to prevent cancer, useful in weight loss and increases the immunity power of human. On the other hand, some mushrooms are toxic and can prove dangerous if we eat them. Therefore, it is a prominent task to differentiate, the edible and poisonous mushrooms. This paper focuses on developing a method for classification of mushroom using its texture feature, which is based on the machinelearning approach. The performance of the proposed approach is 76.6% by using SVM classifier, which is found better with respect to the other classifiers like KNN, Logistic Regression, Linear Discriminant, Decision Tree, and Ensemble classifiers.
Face Recognition (FR) under adversarial conditions has been a big challenge for researchers in the computer vision community. FR performance deteriorates in surveillance condition due to poor illumination, blur, noise...
详细信息
ISBN:
(纸本)9789813290884;9789813290877
Face Recognition (FR) under adversarial conditions has been a big challenge for researchers in the computer vision community. FR performance deteriorates in surveillance condition due to poor illumination, blur, noise, and pose variation in test samples (probe), when compared to training samples (gallery). Even recent deep learning methods fail to perform well in such conditions. This paper proposes a novel framework called PIFR-EDA (Pose-Invariant Face Recognition using Extreme learningmachine based Domain Adaptation) that performs pose-invariant face recognition (PIFR) in cross-domain settings. It consists of two stages where the first stage performs face frontalization using a single unmodified 3D facial model and the second stage performs the task of robust domain adaptation by simultaneously learning a category transformation matrix and an l(1,1)-regularized sparse extreme learningmachine classifier. The proposed method outperforms state-of-the-art shallow and deep methods (in terms of rank-1 recognition rates) when experimented on three real-world face datasets captured using surveillance cameras.
The proceedings contain 27 papers. The topics discussed include: multiband rectangular microstrip patch antenna operating at C, X & Ku bands;PCB-fire: automated classification and fault detection in PCB;PZM and Do...
ISBN:
(纸本)9781665419871
The proceedings contain 27 papers. The topics discussed include: multiband rectangular microstrip patch antenna operating at C, X & Ku bands;PCB-fire: automated classification and fault detection in PCB;PZM and DoG based feature extraction technique for facial recognition among monozygotic twins;kidney stone recognition and extraction using directional emboss & SVM from computed tomography images;microscopic blood smear RBC classification using PCA and SVM based machinelearning;deep learning based smart garbage monitoring system;and design and implementation of automated image handwriting sentences recognition using hybrid techniques on FPGA.
this paper establishes a `Safety system for mask detection during this COVID-19 pandemic39;. Face mask detection has seen an overwhelming growth in the realm of Computer vision and deep learning, since the unprecede...
详细信息
this paper establishes a `Safety system for mask detection during this COVID-19 pandemic'. Face mask detection has seen an overwhelming growth in the realm of Computer vision and deep learning, since the unprecedented COVID-19 global pandemic that has mandated wearing masks in public places. To tackle the situation, machinelearning engineers have come up with several algorithms and techniques to identify unmasked individuals using various mask detection models. The proposed approach in this paper adopts frameworks of deep learning, TensorFlow, Keras, and OpenCV libraries to detect face masks in real time. The trained MobileNet model, presented in this paper, yielded an accuracy score of 0.99 and an F1 score of 0.99 in the training data. This user-friendly model can be incorporated with several existing technologies such as face detection, biometric authentication and facial expression detection for further advancements in the future.
Intrusion detection is one of the most prominent and challenging problem faced by cybersecurity organizations. Intrusion Detection System (IDS) plays a vital role in identifying network security threats. It protects t...
详细信息
ISBN:
(纸本)9781728142357
Intrusion detection is one of the most prominent and challenging problem faced by cybersecurity organizations. Intrusion Detection System (IDS) plays a vital role in identifying network security threats. It protects the network for vulnerable source code, viruses, worms and unauthorized intruders for many intranet/internet applications. Despite many open source APIs and tools for intrusion detection, there are still many network security problems exist. These problems are handled through the proper pre-processing, normalization, feature selection and ranking on benchmark dataset attributes prior to the enforcement of self-learning-based classification algorithms. In this paper, we have performed a comprehensive comparative analysis of the benchmark datasets NSL-KDD and CIDDS-001. For getting optimal results, we have used the hybrid feature selection and ranking methods before applying self-learning (machine / Deep learning) classification algorithmic approaches such as SVM, Naive Bayes, k-NN, Neural Networks, DNN and DAE. We have analyzed the performance of IDS through some prominent performance indicator metrics such as Accuracy, Precision, Recall and F1-Score. The experimental results show that k-NN, SVM, NN and DNN classifiers perform approx. 100% accuracy regarding performance evaluation metrics on the NSL-KDD dataset whereas k-NN and Naive Bayes classifiers perform approx. 99% accuracy on the CIDDS-001 dataset.
暂无评论