• Title/Summary/Keyword: tensorflow

Search Result 115, Processing Time 0.03 seconds

Improving Efficiency of Object Detection using Multiple Neural Networks (다중 신경망을 이용한 객체 탐지 효율성 개선방안)

  • Park, Dae-heum;Lim, Jong-hoon;Jang, Si-Woong
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.05a
    • /
    • pp.154-157
    • /
    • 2022
  • In the existing Tensorflow CNN environment, the object detection method is a method of performing object labeling and detection by Tensorflow itself. However, with the advent of YOLO, the efficiency of image object detection has increased. As a result, more deep layers can be built than existing neural networks, and the image object recognition rate can be increased. Therefore, in this paper, the detection ability and speed were compared and analyzed by designing an object detection system based on Darknet and YOLO and performing multi-layer construction and learning based on the existing convolutional neural network. For this reason, in this paper, a neural network methodology that efficiently uses Darknet's learning is presented.

  • PDF

Fine grained recognition on a species of animal from image using Tensorflow (Tensorflow를 이용한 애완동물 영상 세부 분류)

  • Kim, Ji-Hae
    • Proceedings of the Korean Society of Broadcast Engineers Conference
    • /
    • 2020.07a
    • /
    • pp.684-685
    • /
    • 2020
  • 영상의 세부 분류 인식에 대한 연구는 계속적으로 발전하고 있지만, 다형성의 성질을 갖는 동물에 대한 객체인식 연구는 더디게 진행되고 있다. 본 논문은 개와 고양이에 해당하는 애완동물 이미지만을 이용하여, 세부 분류인 동물의 종을 분류하는 것을 목표로 한다. 이를 위해 본 논문에서는 기계학습으로 여러 분야에서 좋은 성과를 얻고 있는 딥러닝을 이용하였으며, 그 중에서도 이미지 인식 분야에서 뛰어난 성능을 보인 Convolutional Neural Network(CNN)과 구글에서 제공하는 오픈소스 기반 딥러닝 프레임워크인 Tensorflow를 활용하였다. 제안하는 방법에 대해 37종의 애완동물 이미지, 총 7390장에 대하여 학습 및 실험하여 그 효과를 검증하였다.

  • PDF

CNN model transition learning comparative analysis based on deep learning for image classification (이미지 분류를 위한 딥러닝 기반 CNN모델 전이 학습 비교 분석)

  • Lee, Dong-jun;Jeon, Seung-Je;Lee, DongHwi
    • Proceedings of the Korean Institute of Information and Commucation Sciences Conference
    • /
    • 2022.05a
    • /
    • pp.370-373
    • /
    • 2022
  • Recently, various deep learning framework models such as Tensorflow, Pytorch, Keras, etc. have appeared. In addition, CNN (Convolutional Neural Network) is applied to image recognition using frameworks such as Tensorflow, Pytorch, and Keras, and the optimization model in image classification is mainly used. In this paper, based on the results of training the CNN model with the Paitotchi and tensor flow frameworks most often used in the field of deep learning image recognition, the two frameworks are compared and analyzed for image analysis. Derived an optimized framework.

  • PDF

A Benchmark of AI Application based on Open Source for Data Mining Environmental Variables in Smart Farm (스마트 시설환경 환경변수 분석을 위한 Open source 기반 인공지능 활용법 분석)

  • Min, Jae-Ki;Lee, DongHoon
    • Proceedings of the Korean Society for Agricultural Machinery Conference
    • /
    • 2017.04a
    • /
    • pp.159-159
    • /
    • 2017
  • 스마트 시설환경은 대표적으로 원예, 축산 분야 등 여러 형태의 농업현장에 정보 통신 및 데이터 분석 기술을 도입하고 있는 시설화된 생산 환경이라 할 수 있다. 근래에 하드웨어적으로 급증한 스마트 시설환경에서 생산되는 방대한 생육/환경 데이터를 올바르고 적합하게 사용하기 위해서는 일반 산업 현장과는 차별화 된 분석기법이 요구된다고 할 수 있다. 소프트웨어 공학 분야에서 연구된 빅데이터 처리 기술을 기계적으로 농업 분야의 빅데이터에 적용하기에는 한계가 있을 수 있다. 시설환경 내/외부의 다양한 환경 변수는 시계열 데이터의 난해성, 비가역성, 불특정성, 비정형 패턴 등에 기인하여 예측 모델 연구가 매우 난해한 대상이기 때문이라 할 수 있다. 본 연구에서는 근래에 관심이 급증하고 있는 인공신경망 연구 소프트웨어인 Tensorflow (www.tensorflow.org)와 대표적인 Open source인 OpenNN (www.openn.net)을 스마트 시설환경 환경변수 상호간 상관성 분석에 응용하였다. 해당 소프트웨어 라이브러리의 운영환경을 살펴보면 Tensorflow 는 Linux(Ubuntu 16.04.4), Max OS X(EL capitan 10.11), Windows (x86 compatible)에서 활용가능하고, OpenNN은 별도의 운영환경에 대한 바이너리를 제공하지 않고 소스코드 전체를 제공하므로, 해당 운영환경에서 바이너리 컴파일 후 활용이 가능하다. 소프트웨어 개발 언어의 경우 Tensorflow는 python이 기본 언어이며 python(v2.7 or v3.N) 가상 환경 내에서 개발이 수행이 된다. 주의 깊게 살펴볼 부분은 이러한 개발 환경의 제약으로 인하여 Tensorflow의 주요한 장점 중에 하나인 고속 연산 기능 수행이 일부 운영 환경에 국한이 되어 제공이 된다는 점이다. GPU(Graphics Processing Unit)의 제공하는 하드웨어 가속기능은 Linux 운영체제에서 활용이 가능하다. 가상 개발 환경에 운영되는 한계로 인하여 실시간 정보 처리에는 한계가 따르므로 이에 대한 고려가 필요하다. 한편 근래(2017.03)에 공개된 Tensorflow API r1.0의 경우 python, C++, Java언어와 함께 Go라는 언어를 새로 지원하여 개발자의 활용 범위를 매우 높였다. OpenNN의 경우 C++ 언어를 기본으로 제공하며 C++ 컴파일러를 지원하는 임의의 개발 환경에서 모두 활용이 가능하다. 특징은 클러스터링 플랫폼과 연동을 통해 하드웨어 가속 기능의 부재를 일부 극복했다는 점이다. 상기 두 가지 패키지를 이용하여 2016년 2월부터 5월 까지 충북 음성군 소재 딸기 온실 내부에서 취득한 온도, 습도, 조도, CO2에 대하여 Large-scale linear model을 실험적(시간단위, 일단위, 주단위 분할)으로 적용하고, 인접한 세그먼트의 환경변수 예측 모델링을 수행하였다. 동일한 조건의 학습을 수행함에 있어, Tensorflow가 개발 소요 시간과 학습 실행 속도 측면에서 매우 우세하였다. OpenNN을 이용하여 대등한 성능을 보이기 위해선 병렬 클러스터링 기술을 활용해야 할 것이다. 오프라인 일괄(Offline batch)처리 방식의 한계가 있는 인공신경망 모델링 기법과 현장 보급이 불가능한 고성능 하드웨어 연산 장치에 대한 대안 마련을 위한 연구가 필요하다.

  • PDF

Performance Comparison Analysis of AI Supervised Learning Methods of Tensorflow and Scikit-Learn in the Writing Digit Data (필기숫자 데이터에 대한 텐서플로우와 사이킷런의 인공지능 지도학습 방식의 성능비교 분석)

  • Jo, Jun-Mo
    • The Journal of the Korea institute of electronic communication sciences
    • /
    • v.14 no.4
    • /
    • pp.701-706
    • /
    • 2019
  • The advent of the AI(: Artificial Intelligence) has applied to many industrial and general applications have havingact on our lives these days. Various types of machine learning methods are supported in this field. The supervised learning method of the machine learning has features and targets as an input in the learning process. There are many supervised learning methods as well and their performance varies depends on the characteristics and states of the big data type as an input data. Therefore, in this paper, in order to compare the performance of the various supervised learning method with a specific big data set, the supervised learning methods supported in the Tensorflow and the Sckit-Learn are simulated and analyzed in the Jupyter Notebook environment with python.

Comparison of Deep Learning Frameworks: About Theano, Tensorflow, and Cognitive Toolkit (딥러닝 프레임워크의 비교: 티아노, 텐서플로, CNTK를 중심으로)

  • Chung, Yeojin;Ahn, SungMahn;Yang, Jiheon;Lee, Jaejoon
    • Journal of Intelligence and Information Systems
    • /
    • v.23 no.2
    • /
    • pp.1-17
    • /
    • 2017
  • The deep learning framework is software designed to help develop deep learning models. Some of its important functions include "automatic differentiation" and "utilization of GPU". The list of popular deep learning framework includes Caffe (BVLC) and Theano (University of Montreal). And recently, Microsoft's deep learning framework, Microsoft Cognitive Toolkit, was released as open-source license, following Google's Tensorflow a year earlier. The early deep learning frameworks have been developed mainly for research at universities. Beginning with the inception of Tensorflow, however, it seems that companies such as Microsoft and Facebook have started to join the competition of framework development. Given the trend, Google and other companies are expected to continue investing in the deep learning framework to bring forward the initiative in the artificial intelligence business. From this point of view, we think it is a good time to compare some of deep learning frameworks. So we compare three deep learning frameworks which can be used as a Python library. Those are Google's Tensorflow, Microsoft's CNTK, and Theano which is sort of a predecessor of the preceding two. The most common and important function of deep learning frameworks is the ability to perform automatic differentiation. Basically all the mathematical expressions of deep learning models can be represented as computational graphs, which consist of nodes and edges. Partial derivatives on each edge of a computational graph can then be obtained. With the partial derivatives, we can let software compute differentiation of any node with respect to any variable by utilizing chain rule of Calculus. First of all, the convenience of coding is in the order of CNTK, Tensorflow, and Theano. The criterion is simply based on the lengths of the codes and the learning curve and the ease of coding are not the main concern. According to the criteria, Theano was the most difficult to implement with, and CNTK and Tensorflow were somewhat easier. With Tensorflow, we need to define weight variables and biases explicitly. The reason that CNTK and Tensorflow are easier to implement with is that those frameworks provide us with more abstraction than Theano. We, however, need to mention that low-level coding is not always bad. It gives us flexibility of coding. With the low-level coding such as in Theano, we can implement and test any new deep learning models or any new search methods that we can think of. The assessment of the execution speed of each framework is that there is not meaningful difference. According to the experiment, execution speeds of Theano and Tensorflow are very similar, although the experiment was limited to a CNN model. In the case of CNTK, the experimental environment was not maintained as the same. The code written in CNTK has to be run in PC environment without GPU where codes execute as much as 50 times slower than with GPU. But we concluded that the difference of execution speed was within the range of variation caused by the different hardware setup. In this study, we compared three types of deep learning framework: Theano, Tensorflow, and CNTK. According to Wikipedia, there are 12 available deep learning frameworks. And 15 different attributes differentiate each framework. Some of the important attributes would include interface language (Python, C ++, Java, etc.) and the availability of libraries on various deep learning models such as CNN, RNN, DBN, and etc. And if a user implements a large scale deep learning model, it will also be important to support multiple GPU or multiple servers. Also, if you are learning the deep learning model, it would also be important if there are enough examples and references.

Implementation of an Open Artificial Intelligence Platform Based on Web and Tensorflow

  • Park, Hyun-Jun;Lee, Kyounghee
    • Journal of information and communication convergence engineering
    • /
    • v.18 no.3
    • /
    • pp.176-182
    • /
    • 2020
  • In this paper, we propose a web-based open artificial intelligence (AI) platform which provides high convenience in input data pre-processing, artificial neural network training, and the configuration of subsequent operations according to inference results. The proposed platform has the advantages of the GUI-based environment which can be easily utilized by a user without complex installation. It consists of a web server implemented with the JavaScript Node.js library and a client running the tensorflow.js library. Using the platform, many users can simultaneously create, modify and run their projects to apply AI functionality into various smart services through an open web interface. With our implementation, we show the operability of the proposed platform. By loading a web page from the server, the client can perform GUI-based operations and display the results performed by three modules: the Input Module, the Learning Module and the Output Module. We also implement two application systems using our platform, called smart cashier and smart door, which demonstrate the platform's practicality.

Prediction of DorimRiver Water Level Using Tensorflow (Tensorflow를 이용한 도림천 수위 예측)

  • Yuk, Gi-moon;Lee, Jung-hwan;Jeong, Min-su;Moon, Hyeon-Tae;Moon, Yong-il
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2019.05a
    • /
    • pp.188-188
    • /
    • 2019
  • 본 연구에서는 텐서플로우를 이용한 관측자료 기반의 수위예측 연구를 수행하였다. 대상유역은 도림천 유역으로 선정하였으며 관측강우와 상류하천의 수위자료를 이용하여 하류인 도림교지점의 수위를 예측하였으며 다른 변수는 배제하였다. 사용된 모형은 시계열 데이터예측에 우수한 성능을 보이는 RNN(Recurrent Neural Network)과 LSTM(Long Short Term Memory networks)을 이용하였으며 수위자료는 2005년부터 2016년도 10분단위 관측강우와 수위 데이터를 학습하여 2017년도 수위데이터를 예측하도록 하였다. 본 연구를 통하여 홍수기 실시간 수위예측이 가능할것으로 판단되며 도시지역 골든타임 확보에 활용될 것으로 판단된다.

  • PDF

Estimation of South Korea Spatial Soil Moisture using TensorFlow with Terra MODIS and GPM Satellite Data (Tensorflow와 Terra MODIS, GPM 위성 자료를 활용한 우리나라 토양수분 산정 연구)

  • Jang, Won Jin;Lee, Young Gwan;Kim, Seong Joon
    • Proceedings of the Korea Water Resources Association Conference
    • /
    • 2019.05a
    • /
    • pp.140-140
    • /
    • 2019
  • 본 연구에서는 Terra MODIS 위성자료와 Tensorflow를 활용해 1 km 공간 해상도의 토양수분을 산정하는 알고리즘을 개발하고, 국내 관측 자료를 활용해 검증하고자 한다. 토양수분 모의를 위한 입력 자료는 Terra MODIS NDVI(Normalized Difference Vegetation Index)와 LST(Land Surface Temperature), GPM(Global Precipitation Measurement) 강우 자료를 구축하고, 농촌진흥청에서 제공하는 1:25,000 정밀토양도를 기반으로 모의하였다. 여기서, LST와 GPM의 자료는 기상청의 종관기상관측지점의 LST, 강우 자료와 조건부합성(Conditional Merging, CM) 기법을 적용해 결측치를 보간하였고, 모든 위성 자료의 공간해상도를 1 km로 resampling하여 활용하였다. 토양수분 산정 기술은 인공 신경망(Artificial Neural Network) 모형의 딥 러닝(Deep Learning)을 적용, 기계 학습기반의 패턴학습을 사용하였다. 패턴학습에는 Python 라이브러리인 TensorFlow를 사용하였고 학습 자료로는 농촌진흥청 농업기상정보서비스에서 101개 지점의 토양수분 자료(2014 ~ 2016년)를 활용하고, 모의 결과는 2017 ~ 2018년까지의 자료로 검증하고자 한다.

  • PDF

A Configuration of the c/tensorflow framework for mixed precision on ARM-based embedded systems (ARM 기반 임베디드 시스템에서 mixed precision 을 위한 c/tensorflow 프레임워크 구성)

  • Lee, Jong-Eun;Lim, Seung-Ho
    • Proceedings of the Korea Information Processing Society Conference
    • /
    • 2022.11a
    • /
    • pp.21-23
    • /
    • 2022
  • ARM 아키텍처를 사용하는 임베디드 시스템에서 int8, fp16, fp32 데이터를 조합하여 c/c++로 작성된 mixed precision CNN 을 실행시키기 위한 프레임워크 구성으로, 네트워크의 레이어마다 다른 정밀도를 사용하여 네트워크 경량화 및 추론 정확도 향상을 위한 최적의 설정을 탐색하는 실험 및 분석이 가능토록 하는 것을 목적으로 한다. 주요 구성은 network forwarding 중 레이어의 입력이 레이어에 설정된 정밀도와 다를 경우 실행되는 양자화/반양자화를 c/c++로 바인딩된 tensorflow 의 quantization 모듈을 사용하여 진행하고 ARM 시스템에서 c/c++의 fp16 을 사용하기 위해 fp16 를 컴파일이 가능한 ARM compiler 를 사용하는 프레임워크를 제안한다.