• Title/Summary/Keyword: neural net

Search Result 731, Processing Time 0.024 seconds

A New Fuzzy Supervised Learning Algorithm

  • Kim, Kwang-Baek;Yuk, Chang-Keun;Cha, Eui-Young
    • Proceedings of the Korean Institute of Intelligent Systems Conference
    • /
    • 1998.06a
    • /
    • pp.399-403
    • /
    • 1998
  • In this paper, we proposed a new fuzzy supervised learning algorithm. We construct, and train, a new type fuzzy neural net to model the linear activation function. Properties of our fuzzy neural net include : (1) a proposed linear activation function ; and (2) a modified delta rule for learning algorithm. We applied this proposed learning algorithm to exclusive OR,3 bit parity using benchmark in neural network and pattern recognition problems, a kind of image recognition.

  • PDF

Object recognition of one D.O.F. tools by a backpropagation neural network (신경회로망을 이용한 물체 인식)

  • 김흥봉;남광희
    • 제어로봇시스템학회:학술대회논문집
    • /
    • 1991.10a
    • /
    • pp.996-1001
    • /
    • 1991
  • We consider the object recognition of industrial tools which have one degree of freedom. In the case of pliers, the shape varies as the jaw angle varies. Thus, a feature vector made from the boundary image also varies along with the jaw angle. But a pattern recognizer should have the ability of classifying objects without any regards to the angle variation. For a pattern recognizer we have utilized a backpropagation neural net. Feature vectors were made from Fourier descriptors of boundary images by truncating the high frequency components, and they were used as inputs to the neural net for training and recognition. In our experiments, backpropagation neural net outperforms the minimum distance rule which is widely used in the pattern recognition. The performance comparison also made under noisy environments.

  • PDF

A Comparative Study of the CNN Model for AD Diagnosis

  • Vyshnavi Ramineni;Goo-Rak Kwon
    • Smart Media Journal
    • /
    • v.12 no.7
    • /
    • pp.52-58
    • /
    • 2023
  • Alzheimer's disease is one type of dementia, the symptoms can be treated by detecting the disease at its early stages. Recently, many computer-aided diagnosis using magnetic resonance image(MRI) have shown a good results in the classification of AD. Taken these MRI images and feed to Free surfer software to extra the features. In consideration, using T1-weighted images and classifying using the convolution neural network (CNN) model are proposed. In this paper, taking the subjects from ADNI of subcortical and cortical features of 190 subjects. Consider the study to reduce the complexity of the model by using the single layer in the Res-Net, VGG, and Alex Net. Multi-class classification is used to classify four different stages, CN, EMCI, LMCI, AD. The following experiment shows for respective classification Res-Net, VGG, and Alex Net with the best accuracy with VGG at 96%, Res-Net, GoogLeNet and Alex Net at 91%, 93% and 89% respectively.

Wood Species Classification Utilizing Ensembles of Convolutional Neural Networks Established by Near-Infrared Spectra and Images Acquired from Korean Softwood Lumber

  • Yang, Sang-Yun;Lee, Hyung Gu;Park, Yonggun;Chung, Hyunwoo;Kim, Hyunbin;Park, Se-Yeong;Choi, In-Gyu;Kwon, Ohkyung;Yeo, Hwanmyeong
    • Journal of the Korean Wood Science and Technology
    • /
    • v.47 no.4
    • /
    • pp.385-392
    • /
    • 2019
  • In our previous study, we investigated the use of ensemble models based on LeNet and MiniVGGNet to classify the images of transverse and longitudinal surfaces of five Korean softwoods (cedar, cypress, Korean pine, Korean red pine, and larch). It had accomplished an average F1 score of more than 98%; the classification performance of the longitudinal surface image was still less than that of the transverse surface image. In this study, ensemble methods of two different convolutional neural network models (LeNet3 for smartphone camera images and NIRNet for NIR spectra) were applied to lumber species classification. Experimentally, the best classification performance was obtained by the averaging ensemble method of LeNet3 and NIRNet. The average F1 scores of the individual LeNet3 model and the individual NIRNet model were 91.98% and 85.94%, respectively. By the averaging ensemble method of LeNet3 and NIRNet, an average F1 score was increased to 95.31%.

Application and Performance Analysis of Double Pruning Method for Deep Neural Networks (심층신경망의 더블 프루닝 기법의 적용 및 성능 분석에 관한 연구)

  • Lee, Seon-Woo;Yang, Ho-Jun;Oh, Seung-Yeon;Lee, Mun-Hyung;Kwon, Jang-Woo
    • Journal of Convergence for Information Technology
    • /
    • v.10 no.8
    • /
    • pp.23-34
    • /
    • 2020
  • Recently, the artificial intelligence deep learning field has been hard to commercialize due to the high computing power and the price problem of computing resources. In this paper, we apply a double pruning techniques to evaluate the performance of the in-depth neural network and various datasets. Double pruning combines basic Network-slimming and Parameter-prunning. Our proposed technique has the advantage of reducing the parameters that are not important to the existing learning and improving the speed without compromising the learning accuracy. After training various datasets, the pruning ratio was increased to reduce the size of the model.We confirmed that MobileNet-V3 showed the highest performance as a result of NetScore performance analysis. We confirmed that the performance after pruning was the highest in MobileNet-V3 consisting of depthwise seperable convolution neural networks in the Cifar 10 dataset, and VGGNet and ResNet in traditional convolutional neural networks also increased significantly.

Efficient Fixed-Point Representation for ResNet-50 Convolutional Neural Network (ResNet-50 합성곱 신경망을 위한 고정 소수점 표현 방법)

  • Kang, Hyeong-Ju
    • Journal of the Korea Institute of Information and Communication Engineering
    • /
    • v.22 no.1
    • /
    • pp.1-8
    • /
    • 2018
  • Recently, the convolutional neural network shows high performance in many computer vision tasks. However, convolutional neural networks require enormous amount of operation, so it is difficult to adopt them in the embedded environments. To solve this problem, many studies are performed on the ASIC or FPGA implementation, where an efficient representation method is required. The fixed-point representation is adequate for the ASIC or FPGA implementation but causes a performance degradation. This paper proposes a separate optimization of representations for the convolutional layers and the batch normalization layers. With the proposed method, the required bit width for the convolutional layers is reduced from 16 bits to 10 bits for the ResNet-50 neural network. Since the computation amount of the convolutional layers occupies the most of the entire computation, the bit width reduction in the convolutional layers enables the efficient implementation of the convolutional neural networks.

Real-Time Face Recognition Based on Subspace and LVQ Classifier (부분공간과 LVQ 분류기에 기반한 실시간 얼굴 인식)

  • Kwon, Oh-Ryun;Min, Kyong-Pil;Chun, Jun-Chul
    • Journal of Internet Computing and Services
    • /
    • v.8 no.3
    • /
    • pp.19-32
    • /
    • 2007
  • This paper present a new face recognition method based on LVQ neural net to construct a real time face recognition system. The previous researches which used PCA, LDA combined neural net usually need much time in training neural net. The supervised LVQ neural net needs much less time in training and can maximize the separability between the classes. In this paper, the proposed method transforms the input face image by PCA and LDA sequentially into low-dimension feature vectors and recognizes the face through LVQ neural net. In order to make the system robust to external light variation, light compensation is performed on the detected face by max-min normalization method as preprocessing. PCA and LDA transformations are applied to the normalized face image to produce low-level feature vectors of the image. In order to determine the initial centers of LVQ and speed up the convergency of the LVQ neural net, the K-Means clustering algorithm is adopted. Subsequently, the class representative vectors can be produced by LVQ2 training using initial center vectors. The face recognition is achieved by using the euclidean distance measure between the center vector of classes and the feature vector of input image. From the experiments, we can prove that the proposed method is more effective in the recognition ratio for the cases of still images from ORL database and sequential images rather than using conventional PCA of a hybrid method with PCA and LDA.

  • PDF

Construction of coordinate transformation map using neural network

  • Lee, Wonchang;Nam, Kwanghee
    • 제어로봇시스템학회:학술대회논문집
    • /
    • 1991.10b
    • /
    • pp.1845-1847
    • /
    • 1991
  • In general, it is not easy to find the linearizing coordinate transformation map for a class of systems which are state equivalent to linear systems, because it is required to solve a set of partial differential equations. It is possible to construct an arbitrary nonlinear function with a backpropagation(BP) net. Utilizing this property of BP neural net, we construct a desired linearizing coordinate transformation map. That is, we implement a unknown coordinate transformation map through the training of neural weights. We have shown an example which supports this idea.

  • PDF

Mushroom Image Recognition using Convolutional Neural Network and Transfer Learning (컨볼루션 신경망과 전이 학습을 이용한 버섯 영상 인식)

  • Kang, Euncheol;Han, Yeongtae;Oh, Il-Seok
    • KIISE Transactions on Computing Practices
    • /
    • v.24 no.1
    • /
    • pp.53-57
    • /
    • 2018
  • A poisoning accident is often caused by a situation in which people eat poisonous mushrooms because they cannot distinguish between edible mushrooms and poisonous mushrooms. In this paper, we propose an automatic mushroom recognition system by using the convolutional neural network. We collected 1478 mushroom images of 38 species using image crawling, and used the dataset for learning the convolutional neural network. A comparison experiment using AlexNet, VGGNet, and GoogLeNet was performed using the collected datasets, and a comparison experiment using a class number expansion and a fine-tuning technique for transfer learning were performed. As a result of our experiment, we achieve 82.63% top-1 accuracy and 96.84% top-5 accuracy on test set of our dataset.

Applied Neural Net to Implementation of Influence Diagram Model Based Decision Class Analysis (영향도에 기초한 의사결정유형분석 구현을 위한 신경망 응용)

  • Park, Kyung-Sam;Kim, Jae-Kyeong;Yun, Hyung-Je
    • Asia pacific journal of information systems
    • /
    • v.7 no.1
    • /
    • pp.99-111
    • /
    • 1997
  • This paper presents an application of an artificial neural net to the implementation of decision class analysis (DCA), together with the generation of a decision model influence diagram. The diagram is well-known as a good tool for knowledge representation of complex decision problems. Generating influence diagram model is known to in practice require much time and effort, and the resulting model can be generally applicable to only a specific decision problem. In order to reduce the burden of modeling decision problems, the concept of DCA is introduced. DCA treats a set of decision problems having some degree of similarityz as a single unit. We propose a method utilizing a feedforward neural net with supervised learning rule to develop DCA based on influence diagram, which method consists of two phases: Phase l is to search for relevant chance and value nodes of an individual influence diagram from given decision and specific situations and Phase II elicits arcs among the nodes in the diagram. We also examine the results of neural net simulation with an example of a class of decision problems.

  • PDF