Algorithm_Trading_Simple

Size: px
Start display at page:

Download "Algorithm_Trading_Simple"

Transcription

1 Algorithm Trading Introduction DeepNumbers, 안명호 1

2

3 3

4 4

5 5

6 적절한종목을선택하고매도와매수시기를알아내수익을실현하는것!!! 6

7 미국은 2012 년알고리즘트레이딩거래량이 85% 에달할만큼알고리즘트레이딩은가파르게증가 7

8 Goove WM, Zald DH등이작성한 Clinical versus Mechanical Prediction: a metaanalysis 논문에의하면 136건의사례를조사해보니수학적모델이사람보다비슷하거나더좋은결과를가져올확률이 94% 라고한다. (source - 8

9 Nevsky Capital, a $1.5bn hedge fund, earlier this month decided to call it quits after a long period of success, partly blaming black box algorithmic funds for making markets harder to navigate for old-fashioned investors. Common lament among fund managers Martin Taylor, Nevsky Captital Source -

10 장점 단점 10

11 Theory Driven Approach 를많이적용함 11

12 Renaissance is one of the first highly successful hedge funds using quantitative Hedge Fund Rank 12 AUM : 65B$ Top-Performing Hedge Funds trading known as "quant hedge funds" that rely on powerful computers and sophisticated mathematics to guide investment strategies. Medallion Fund : From 1994 through mid-2014 it averaged a 71.8% annual return before fee

13 Machine Learning, Distributed Computing Hedge Fund Rank 11 AUM : 35B$

14 Edward Thorp 1세대 Edward Throp는 알고리즘 트레이딩의 1세대로 월스트리트에 서 최초로 수학을 이용해 펀드를 운영하였다. MIT 수학과 교수출신으로 Princeton-Newport Partners라는 투자를 설립했고 1970년부터 1998년 청산하기 까지 연평균 2 0%라는 놀라운 수익을 보여주었다. 주식에 조금이라도 관심있는 사람이라면 누구나 아는 워렌 버 핏의 연평균수익율이 21.6%이고, 같은 기간 S&P500의 연평 균수익율이 8.84%라는 것을 감안해보면 소프가 보여준 수익 율이 얼마나 대단한 것인지를 알 수 있을 것이다. 14

15 15

16 16

17 17

18

19 머신러닝 ( 영어 : machine learning) 또는기계학습 ( 機械學習 ) 은인공지능의한분야로, 컴퓨터가학습할수있도록하는알고리즘과기술을개발하는분야를말한다. 가령, 기계학습을통해서수신한이메일이스팸인지아닌지를구분할수있도록훈련할수있다. 기계학습의핵심은표현 (representation) 과일반화 (generalization) 에있다. 표현이란데이터의평가이며, 일반화란아직알수없는데이터에대한처리이다. 이는전산학습이론분야이기도하다. 다양한기계학습의응용이존재한다. 문자인식은이를이용한가장잘알려진사례이다. From WIKI Machine Learning Crash Course by MHR 19

20 Machine Learning Crash Course by MHR 20

21 y = f(x) output prediction function feature Training: given a training set of labeled examples {(x 1,y 1 ),, (x N,y N )}, estimate the prediction function f by minimizing the prediction error on the training set Testing: apply f to a never before seen test example x and output the predicted value y = f(x) Machine Learning Crash Course by MHR 21

22 Training Data Set predictor variable x,y = w 0 + w 1 x Machine Learning Crash Course by MHR 22

23 Machine Learning Crash Course by MHR 23

24 Unsupervised Learning Supervised Learning Clustering Regression Classification Machine Learning Crash Course by MHR 24

25 Machine Learning Crash Course by MHR 25

26 Machine Learning Crash Course by MHR 26

27 하드웨어 Intel i5 이상, 메모리 4GB, HDD 256GB 이상 되도록이면 i7 에서제일빠른 CPU 사용 OS 파이썬을사용할수있는환경 (Windows, OS X, Linux) Linux 를강력추천 Database MySQL, 주가관련데이터저장용이다. 프로그래밍언어 파이썬, 파이썬은강력한언어로웹개발, 클라우드, 금융에이르기까지폭넓게사용되고있다. 언어가간결하고배우기쉬우며다양한라이브러리를가지고있다. Machine Learning Crash Course by MHR 27

28 Machine Learning Crash Course by MHR 28

29 Python Machine Learning Library Deep Learning 은지원하지않음 Used in many areas 학계, 산업계등다양한분야에서폭넓게활용 Wide Coverage 상당히많은수의 Machine Learning 알고리즘지원 Machine Learning 알고리즘뿐만아니라 Data Processing 등연관된거의모든기능을지원함 Developer Friendly 개발자가사용하기쉬운라이브러리 Consistency in Usage 알고리즘에상관없이거의일관된사용법으로 Machine Learning 활용가능 Machine Learning Crash Course by MHR 29

30 Python Data Analysis Library Originally from Hedge Fund Developer Wes McKinney Many Functions for Finance Industry Support DBMS, Excel, CSV SQL 을사용해데이터처리가능 Time Series Analysis Moving Average, ARIMA Machine Learning Crash Course by MHR 30

31 In [6]: df['min wage'][' ':].plot() Out[6]: <matplotlib.axes._subplots.axessubplot at 0x > In [7]: import matplotlib.pyplot as plt In [8]: plt.show() Machine Learning Crash Course by MHR 31

32 Anaconda 를이용해각자의환경에맞는 Python 과라이브러리를설치하세요. Machine Learning Crash Course by MHR 32

33 Machine Learning Crash Course by MHR 33

34 Machine Learning Crash Course by MHR 34

35 Machine Learning Crash Course by MHR 35

36 def download_stock_data(file_name,company_code,year1,month1,date1,year2,month2,date 2): start = datetime.datetime(year1, month1, date1) end = datetime.datetime(year2, month2, date2) df = web.datareader("%s.ks" % (company_code), "yahoo", start, end) df.to_pickle(file_name) return df download_stock_data('samsung_2010.data','005930',2010,1,1,2015,11,30) download_stock_data('hanmi.data','128940',2015,1,1,2015,11,30) Machine Learning Crash Course by MHR 36

37 def download_whole_stock_data(market_type,year1,month1,date1,year2,month2,date2): df_code = read_stock_code_from_xls('stock_code.xls') for index in range(df_code.shape[0]): stock_code = df_code.loc[index,df_code.columns[0]] name = df_code.loc[index,df_code.columns[1]] market = df_code.loc[index,df_code.columns[2]] if market_type.upper()=='kospi': print "... downloading %s of %s : code=%s, name=%s" % (index+1, df_code.shape[0], stock_code,name) download_stock_data('%s.data'%(stock_code),stock_code,year1,month1,date1,year2,month2,date2) Data_loader.py 참조 Machine Learning Crash Course by MHR 37

38

39 Machine Learning Crash Course by MHR 39

40 Series 1차원 : index를사용하여참조 Dataframe DataFrame 2차원 : index, columns 스프레드시트, SQL 테이블 Panel 3차원 items: axis 0 major_axis: axis 1 minor_axis: axis 2 Panel4D, PanelND ( 실험중 ) 참조 Machine Learning Crash Course by MHR 40

41 In [1]: import pandas as pd In [2]: file = " In [3]: df = pd.read_csv(file) In [4]: df[['name', 'Avg']][:3] Out[4]: Name Avg 0 ICT폴리텍대학 가톨릭상지대학교 강동대학교 5725 In [5]: df[['name', 'Avg']].sort(['Avg'], ascending=false).head(3) Out[5]: Name Avg 72 서울예술대학교 계원예술대학교 백제예술대학교 7486 Machine Learning Crash Course by MHR 41

42 def load_stock_data(file_name): df = pd.read_pickle(file_name).dropna(how='any') return df.reset_index(drop=true) Machine Learning Crash Course by MHR 42

43 def dopreprocessing(dataset,column_name,threshold=3): df_revised = dataset[ dataset[column_name]>0 ] return df_revised[((df_revised[column_name] - df_revised[column_name].mean()) / df_revised[column_name].std()).abs() < threshold] Machine Learning Crash Course by MHR 43

44 Machine Learning Crash Course by MHR 44

45 def preparedataset(dataset,split_ratio=0.75): split_index = math.trunc(dataset.shape[0] * 0.75) input_column_array = ['Open','Low','Close','Volume'] output_column = ['High'] input_data = dataset[input_column_array] output_data = dataset[output_column] # Create training and test sets X_train = input_data[0:split_index] Y_train = output_data[0:split_index] X_test = input_data[split_index+1:input_data.shape[0]-1] Y_test = output_data[split_index+1:input_data.shape[0]-1] return X_train,np.ravel(Y_train),X_test,np.ravel(Y_test) def createsvrmodel(): regr = SVR(C=1.0, epsilon=0.2, kernel='rbf') return regr Machine Learning Crash Course by MHR 45

46 def plottrainingresult(model,test_x,test_y): # Plot outputs pred_y = model.predict(test_x) plt.plot(pred_y, color='blue', linewidth=3) plt.plot(test_y, color='red', linewidth=3) plt.show() Machine Learning Crash Course by MHR 46

47 RandomForest Regressor을이용해서주가를예측 ML 프로그램개발 RFR 정보는아래링크참조 earn.ensemble.randomforestregressor. html 앞의예제를수정해서사용 Machine Learning Crash Course by MHR 47

48 48

김기남_ATDC2016_160620_[키노트].key

김기남_ATDC2016_160620_[키노트].key metatron Enterprise Big Data SKT Metatron/Big Data Big Data Big Data... metatron Ready to Enterprise Big Data Big Data Big Data Big Data?? Data Raw. CRM SCM MES TCO Data & Store & Processing Computational

More information

23_Time-Series-Prediction

23_Time-Series-Prediction TensorFlow #23 (Time-Series Prediction) Magnus Erik Hvass Pedersen (http://www.hvass-labs.org/) / GitHub (https://github.com/hvass- Labs/TensorFlow-Tutorials) / Videos on YouTube (https://www.youtube.com/playlist?

More information

<49534F20323030303020C0CEC1F520BBE7C8C4BDC9BBE720C4C1BCB3C6C320B9D7204954534D20BDC3BDBAC5DB20B0EDB5B5C8AD20C1A6BEC8BFE4C3BBBCAD2E687770>

<49534F20323030303020C0CEC1F520BBE7C8C4BDC9BBE720C4C1BCB3C6C320B9D7204954534D20BDC3BDBAC5DB20B0EDB5B5C8AD20C1A6BEC8BFE4C3BBBCAD2E687770> ISO 20000 인증 사후심사 컨설팅 및 ITSM 시스템 고도화를 위한 제 안 요 청 서 2008. 6. 한 국 학 술 진 흥 재 단 이 자료는 한국학술진흥재단 제안서 작성이외의 목적으로 복제, 전달 및 사용을 금함 목 차 Ⅰ. 사업개요 1 1. 사업명 1 2. 추진배경 1 3. 목적 1 4. 사업내용 2 5. 기대효과 2 Ⅱ. 사업추진계획 4 1. 추진체계

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 파이썬을이용한빅데이터수집. 분석과시각화 Part 2. 데이터시각화 이원하 목 차 1 2 3 4 WordCloud 자연어처리 Matplotlib 그래프 Folium 지도시각화 Seabean - Heatmap 03 07 16 21 1 WORDCLOUD - 자연어처리 KoNLPy 형태소기반자연어처리 http://www.oracle.com/technetwork/java/javase/downloads/index.html

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 Reasons for Poor Performance Programs 60% Design 20% System 2.5% Database 17.5% Source: ORACLE Performance Tuning 1 SMS TOOL DBA Monitoring TOOL Administration TOOL Performance Insight Backup SQL TUNING

More information

지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., KOSPI200.,. * 지능정보연구제 16 권제 1 호 2010 년 3 월

지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., KOSPI200.,. * 지능정보연구제 16 권제 1 호 2010 년 3 월 지능정보연구제 16 권제 1 호 2010 년 3 월 (pp.71~92),.,.,., Support Vector Machines,,., 2004 5 2009 12 KOSPI200.,. * 2009. 지능정보연구제 16 권제 1 호 2010 년 3 월 김선웅 안현철 社 1), 28 1, 2009, 4. 1. 지능정보연구제 16 권제 1 호 2010 년 3 월 Support

More information

김경재 안현철 지능정보연구제 17 권제 4 호 2011 년 12 월

김경재 안현철 지능정보연구제 17 권제 4 호 2011 년 12 월 지능정보연구제 17 권제 4 호 2011 년 12 월 (pp.241~254) Support vector machines(svm),, CRM. SVM,,., SVM,,.,,. SVM, SVM. SVM.. * 2009() (NRF-2009-327- B00212). 지능정보연구제 17 권제 4 호 2011 년 12 월 김경재 안현철 지능정보연구제 17 권제 4 호

More information

example code are examined in this stage The low pressure pressurizer reactor trip module of the Plant Protection System was programmed as subject for

example code are examined in this stage The low pressure pressurizer reactor trip module of the Plant Protection System was programmed as subject for 2003 Development of the Software Generation Method using Model Driven Software Engineering Tool,,,,, Hoon-Seon Chang, Jae-Cheon Jung, Jae-Hack Kim Hee-Hwan Han, Do-Yeon Kim, Young-Woo Chang Wang Sik, Moon

More information

사회통계포럼

사회통계포럼 wcjang@snu.ac.kr Acknowledgements Dr. Roger Peng Coursera course. https://github.com/rdpeng/courses Creative Commons by Attribution /. 10 : SNS (twitter, facebook), (functional data) : (, ),, /Data Science

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA The e-business Studies Volume 17, Number 4, August, 30, 2016:319~332 Received: 2016/07/28, Accepted: 2016/08/28 Revised: 2016/08/27, Published: 2016/08/30 [ABSTRACT] This paper examined what determina

More information

大学4年生の正社員内定要因に関する実証分析

大学4年生の正社員内定要因に関する実証分析 190 2016 JEL Classification Number J24, I21, J20 Key Words JILPT 2011 1 190 Empirical Evidence on the Determinants of Success in Full-Time Job-Search for Japanese University Students By Hiroko ARAKI and

More information

C 프로그래밍 언어 입문 C 프로그래밍 언어 입문 김명호저 숭실대학교 출판국 머리말..... C, C++, Java, Fortran, Python, Ruby,.. C. C 1972. 40 C.. C. 1999 C99. C99. C. C. C., kmh ssu.ac.kr.. ,. 2013 12 Contents 1장 프로그래밍 시작 1.1 C 10 1.2 12

More information

VOL.76.2008/2 Technical SmartPlant Materials - Document Management SmartPlant Materials에서 기본적인 Document를 관리하고자 할 때 필요한 세팅, 파일 업로드 방법 그리고 Path Type인 Ph

VOL.76.2008/2 Technical SmartPlant Materials - Document Management SmartPlant Materials에서 기본적인 Document를 관리하고자 할 때 필요한 세팅, 파일 업로드 방법 그리고 Path Type인 Ph 인터그래프코리아(주)뉴스레터 통권 제76회 비매품 News Letters Information Systems for the plant Lifecycle Proccess Power & Marine Intergraph 2008 Contents Intergraph 2008 SmartPlant Materials Customer Status 인터그래프(주) 파트너사

More information

MySQL-Ch10

MySQL-Ch10 10 Chapter.,,.,, MySQL. MySQL mysqld MySQL.,. MySQL. MySQL....,.,..,,.,. UNIX, MySQL. mysqladm mysqlgrp. MySQL 608 MySQL(2/e) Chapter 10 MySQL. 10.1 (,, ). UNIX MySQL, /usr/local/mysql/var, /usr/local/mysql/data,

More information

강의10

강의10 Computer Programming gdb and awk 12 th Lecture 김현철컴퓨터공학부서울대학교 순서 C Compiler and Linker 보충 Static vs Shared Libraries ( 계속 ) gdb awk Q&A Shared vs Static Libraries ( 계속 ) Advantage of Using Libraries Reduced

More information

untitled

untitled Math. Statistics: Statistics? 1 What is Statistics? 1. (collection), (summarization), (analyzing), (presentation) (information) (statistics).., Survey, :, : : QC, 6-sigma, Data Mining(CRM) (Econometrics)

More information

데이터 시각화

데이터 시각화 데이터시각화 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 데이터시각화 1 / 22 학습내용 matplotlib 막대그래프히스토그램선그래프산점도참고 박창이 ( 서울시립대학교통계학과 ) 데이터시각화 2 / 22 matplotlib I 간단한막대그래프, 선그래프, 산점도등을그릴때유용 http://matplotlib.org 에서설치방법참고윈도우의경우명령프롬프트를관리자권한으로실행한후아래의코드실행

More information

ORANGE FOR ORACLE V4.0 INSTALLATION GUIDE (Online Upgrade) ORANGE CONFIGURATION ADMIN O

ORANGE FOR ORACLE V4.0 INSTALLATION GUIDE (Online Upgrade) ORANGE CONFIGURATION ADMIN O Orange for ORACLE V4.0 Installation Guide ORANGE FOR ORACLE V4.0 INSTALLATION GUIDE...1 1....2 1.1...2 1.2...2 1.2.1...2 1.2.2 (Online Upgrade)...11 1.3 ORANGE CONFIGURATION ADMIN...12 1.3.1 Orange Configuration

More information

빅데이터_DAY key

빅데이터_DAY key Big Data Near You 2016. 06. 16 Prof. Sehyug Kwon Dept. of Statistics 4V s of Big Data Volume Variety Velocity Veracity Value 대용량 다양한 유형 실시간 정보 (불)확실성 가치 tera(1,0004) - peta -exazetta(10007) bytes in 2020

More information

The Self-Managing Database : Automatic Health Monitoring and Alerting

The Self-Managing Database : Automatic Health Monitoring and Alerting The Self-Managing Database : Automatic Health Monitoring and Alerting Agenda Oracle 10g Enterpirse Manager Oracle 10g 3 rd Party PL/SQL API Summary (Self-Managing Database) ? 6% 6% 12% 55% 6% Source: IOUG

More information

2.BFL_63호 정준혁

2.BFL_63호 정준혁 * Private Equity Fund( PEF ) (Limited Partner, LP ) (General Partner, GP ), GP. GP (portfolio company), GP LP. GP LP,, LP LP., GP LP. PEF, PEF, PEF, (buyout) LPA. ( ) PEF ( PEF ), PEF limited partnership

More information

歯4차학술대회원고(장지연).PDF

歯4차학술대회원고(장지연).PDF * 1)., Heckman Selection. 50.,. 1990 40, -. I.,., (the young old) (active aging). 1/3. 55 60 70.,. 2001 55 64 55%, 60%,,. 65 75%. 55 64 25%, 32% , 65 55%, 53% (, 2001)... 1998, 8% 41.5% ( 1998). 2002 7.8%

More information

04-다시_고속철도61~80p

04-다시_고속철도61~80p Approach for Value Improvement to Increase High-speed Railway Speed An effective way to develop a highly competitive system is to create a new market place that can create new values. Creating tools and

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 [ 인공지능입문랩 ] SEOPT ( Study on the Elements Of Python and Tensorflow ) 인공지능 + 데이터분석목적 / 방법 / 기법 / 도구 + Python Programming 기초 + NumpyArray(Tensor) youngdocseo@gmail.com 1 *3 시간 / 회 구분일자내용비고 1 회 0309

More information

MS-SQL SERVER 대비 기능

MS-SQL SERVER 대비 기능 Business! ORACLE MS - SQL ORACLE MS - SQL Clustering A-Z A-F G-L M-R S-Z T-Z Microsoft EE : Works for benchmarks only CREATE VIEW Customers AS SELECT * FROM Server1.TableOwner.Customers_33 UNION ALL SELECT

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 I. 문서표준 1. 문서일반 (HY중고딕 11pt) 1-1. 파일명명체계 1-2. 문서등록정보 2. 표지표준 3. 개정이력표준 4. 목차표준 4-1. 목차슬라이드구성 4-2. 간지슬라이드구성 5. 일반표준 5-1. 번호매기기구성 5-2. 텍스트박스구성 5-3. 테이블구성 5-4. 칼라테이블구성 6. 적용예제 Machine Learning Credit Scoring

More information

#Ȳ¿ë¼®

#Ȳ¿ë¼® http://www.kbc.go.kr/ A B yk u δ = 2u k 1 = yk u = 0. 659 2nu k = 1 k k 1 n yk k Abstract Web Repertoire and Concentration Rate : Analysing Web Traffic Data Yong - Suk Hwang (Research

More information

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB>

<4D6963726F736F667420576F7264202D20C3D6BDC52049435420C0CCBDB4202D20BAB9BBE7BABB> 주간기술동향 2016. 2. 24. 최신 ICT 이슈 인공지능 바둑 프로그램 경쟁, 구글이 페이스북에 리드 * 바둑은 경우의 수가 많아 컴퓨터가 인간을 넘어서기 어려움을 보여주는 사례로 꼽혀 왔 으며, 바로 그런 이유로 인공지능 개발에 매진하는 구글과 페이스북은 바둑 프로그램 개 발 경쟁을 벌여 왔으며, 프로 9 단에 도전장을 낸 구글이 일단 한발 앞서 가는

More information

제목을 입력하세요.

제목을 입력하세요. 1. 4 1.1. SQLGate for Oracle? 4 1.2. 4 1.3. 5 1.4. 7 2. SQLGate for Oracle 9 2.1. 9 2.2. 10 2.3. 10 2.4. 13 3. SQLGate for Oracle 15 3.1. Connection 15 Connect 15 Multi Connect 17 Disconnect 18 3.2. Query

More information

vm-웨어-01장

vm-웨어-01장 Chapter 16 21 (Agenda). (Green),., 2010. IT IT. IT 2007 3.1% 2030 11.1%, IT 2007 1.1.% 2030 4.7%, 2020 4 IT. 1 IT, IT. (Virtualization),. 2009 /IT 2010 10 2. 6 2008. 1970 MIT IBM (Mainframe), x86 1. (http

More information

(, sta*s*cal disclosure control) - (Risk) and (U*lity) (Synthe*c Data) 4. 5.

(, sta*s*cal disclosure control) - (Risk) and (U*lity) (Synthe*c Data) 4. 5. 1 (, ), ( ) 2 1. 2. (, sta*s*cal disclosure control) - (Risk) and (U*lity) - - 3. (Synthe*c Data) 4. 5. 3 1. + 4 1. 2.,. 3. K + [ ] 5 ' ', " ", " ". (SNS), '. K KT,, KG (PG), 'CSS'(Credit Scoring System)....,,,.

More information

s SINUMERIK 840C Service and User Manual DATA SAVING & LOADING & & /

s SINUMERIK 840C Service and User Manual DATA SAVING & LOADING & & / SINUMERIK 840C Service and Uer Manual DATA SAVING & LOADING & & / / NC, RS232C /. NC NC / Computer link () Device ( )/PC / / Print erial Data input RS232C () Data output Data management FLOPPY DRIVE, FLOPPY

More information

dist=dat[:,2] # 기초통계량구하기 len(speed) # 데이터의개수 np.mean(speed) # 평균 np.var(speed) # 분산 np.std(speed) # 표준편차 np.max(speed) # 최대값 np.min(speed) # 최소값 np.me

dist=dat[:,2] # 기초통계량구하기 len(speed) # 데이터의개수 np.mean(speed) # 평균 np.var(speed) # 분산 np.std(speed) # 표준편차 np.max(speed) # 최대값 np.min(speed) # 최소값 np.me Python 을이용한기초통계분석 1. 통계학을위한 Python 모듈 1.1 numpy 패키지 - 고급데이터분석과수리계산을위한라이브러리를제공 - 아나콘다에기본적으로설치되어있음 (1) numpy가제공하는통계분석함수 import numpy as np print(dir(np)), 'max',, 'mean', 'median',, 'min',, 'percentile',,

More information

歯엑셀모델링

歯엑셀모델링 I II II III III I VBA Understanding Excel VBA - 'VB & VBA In a Nutshell' by Paul Lomax, October,1998 To enter code: Tools/Macro/visual basic editor At editor: Insert/Module Type code, then compile by:

More information

#KM-250(PB)

#KM-250(PB) PARTS BOOK FOR 1-NEEDLE, STRAIGHT LOCK-STITCH MACHINE SERIES KM-250AU-7S KM-250AU-7N KM-250A-7S KM-250A-7N KM-250B-7S KM-250B-7N KM-250BH-7S KM-250BH-7N KM-250BL-7S KM-250BL-7N KM-250AU KM-250A KM-250B

More information

KAKAO AI REPORT Vol.01

KAKAO AI REPORT Vol.01 KAKAO AI REPORT Vol.01 2017.03 import kakao.ai.dataset.daisy import kakao.ai.image import kakao.ai.classifier import mxnet as mx def Conv(data, num_filter, kernel=(1, 1), stride=(1, 1), pad=(0, 0), name=none,

More information

ODS-FM1

ODS-FM1 OPTICAL DISC ARCHIVE FILE MANAGER ODS-FM1 INSTALLATION GUIDE [Korean] 1st Edition (Revised 4) 상표 Microsoft, Windows 및 Internet Explorer는 미국 및 / 또는 다른 국가에서 Microsoft Corporation 의 등록 상표입 Intel 및 Intel Core

More information

170918_hjk_datayanolja_v1.0.1.

170918_hjk_datayanolja_v1.0.1. 모 금융회사 오픈소스 및 머신러닝 도입 이야기 김 형 준 2 0 발표자소개 1 인터넷폐쇄망에서분석시스템구축 (feat. 엔지니어가없을때 ) 2 분석보고서자동화 3 Machine Learning 삽질기 ( 분석 & 개발 ) 3 0 발표자소개 1 인터넷폐쇄망에서분석시스템구축 (feat. 엔지니어가없을때 ) 2 분석보고서자동화하기 3 Machine Learning

More information

<352EC7E3C5C2BFB55FB1B3C5EBB5A5C0CCC5CD5FC0DABFACB0FAC7D0B4EBC7D02E687770>

<352EC7E3C5C2BFB55FB1B3C5EBB5A5C0CCC5CD5FC0DABFACB0FAC7D0B4EBC7D02E687770> 자연과학연구 제27권 Bulletin of the Natural Sciences Vol. 27. 2013.12.(33-44) 교통DB를 이용한 교통정책 발굴을 위한 통계분석 시스템 설계 및 활용 Statistical analytic system design and utilization for transport policy excavation by transport

More information

SchoolNet튜토리얼.PDF

SchoolNet튜토리얼.PDF Interoperability :,, Reusability: : Manageability : Accessibility :, LMS Durability : (Specifications), AICC (Aviation Industry CBT Committee) : 1988, /, LMS IMS : 1997EduCom NLII,,,,, ARIADNE (Alliance

More information

Chap7.PDF

Chap7.PDF Chapter 7 The SUN Intranet Data Warehouse: Architecture and Tools All rights reserved 1 Intranet Data Warehouse : Distributed Networking Computing Peer-to-peer Peer-to-peer:,. C/S Microsoft ActiveX DCOM(Distributed

More information

untitled

untitled Logistics Strategic Planning pnjlee@cjcci.or.kr Difference between 3PL and SCM Factors Third-Party Logistics Supply Chain Management Goal Demand Management End User Satisfaction Just-in-case Lower

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 ㆍ Natural Language Understanding 관련기술 ㆍ Semantic Parsing Conversational AI Natural Language Understanding / Machine Learning ㆍEntity Extraction and Resolution - Machine Learning 관련기술연구개발경험보유자ㆍStatistical

More information

Microsoft PowerPoint - Freebairn, John_ppt

Microsoft PowerPoint - Freebairn, John_ppt Tax Mix Change John Freebairn Outline General idea of a tax mix change Some detailed policy options Importance of casting assessment in the context of a small open economy Economic effects of a tax mix

More information

untitled

untitled 3 4 5 6 7 Perfumes and Cosmetics Watches and Jewelry «Haute couture» and Ready to wear Leather Goods and Accessories 8 Fueled by need to conform Stage 1 Stage 2 Stage 3 Stage 4 Stage 5 JAPAN TAIWAN / S

More information

untitled

untitled Logic and Computer Design Fundamentals Chapter 4 Combinational Functions and Circuits Functions of a single variable Can be used on inputs to functional blocks to implement other than block s intended

More information

solution map_....

solution map_.... SOLUTION BROCHURE RELIABLE STORAGE SOLUTIONS ETERNUS FOR RELIABILITY AND AVAILABILITY PROTECT YOUR DATA AND SUPPORT BUSINESS FLEXIBILITY WITH FUJITSU STORAGE SOLUTIONS kr.fujitsu.com INDEX 1. Storage System

More information

45-51 ¹Ú¼ø¸¸

45-51 ¹Ú¼ø¸¸ A Study on the Automation of Classification of Volume Reconstruction for CT Images S.M. Park 1, I.S. Hong 2, D.S. Kim 1, D.Y. Kim 1 1 Dept. of Biomedical Engineering, Yonsei University, 2 Dept. of Radiology,

More information

Business Agility () Dynamic ebusiness, RTE (Real-Time Enterprise) IT Web Services c c WE-SDS (Web Services Enabled SDS) SDS SDS Service-riented Architecture Web Services ( ) ( ) ( ) / c IT / Service- Service-

More information

출원국 권 리 구 분 상 태 권리번호 KR 특허 등록 10-2012-0092520 10-2012-0092518 10-2007-0071793 10-2012-0092517

출원국 권 리 구 분 상 태 권리번호 KR 특허 등록 10-2012-0092520 10-2012-0092518 10-2007-0071793 10-2012-0092517 기술사업성평가서 경쟁정보분석서비스 제공 기술 2014 8 출원국 권 리 구 분 상 태 권리번호 KR 특허 등록 10-2012-0092520 10-2012-0092518 10-2007-0071793 10-2012-0092517 Ⅰ 기술 구현 메커니즘 - 1 - 경쟁정보분석서비스 항목 - 2 - 핵심 기술 특징 및 주요 도면

More information

Contents 02 the way we create 10 Letter from the CEO 14 Management Team 16 Our Businesses 18 Corporate Sustainability 20 Management s Discussion & Ana

Contents 02 the way we create 10 Letter from the CEO 14 Management Team 16 Our Businesses 18 Corporate Sustainability 20 Management s Discussion & Ana 삼성증권 FY 2008 Annual Report Contents 02 the way we create 10 Letter from the CEO 14 Management Team 16 Our Businesses 18 Corporate Sustainability 20 Management s Discussion & Analysis 39 Financial Section

More information

Microsoft PowerPoint - ch09 - 연결형리스트, Stack, Queue와 응용 pm0100

Microsoft PowerPoint - ch09 - 연결형리스트, Stack, Queue와 응용 pm0100 2015-1 프로그래밍언어 9. 연결형리스트, Stack, Queue 2015 년 5 월 4 일 교수김영탁 영남대학교공과대학정보통신공학과 (Tel : +82-53-810-2497; Fax : +82-53-810-4742 http://antl.yu.ac.kr/; E-mail : ytkim@yu.ac.kr) 연결리스트 (Linked List) 연결리스트연산 Stack

More information

기술통계

기술통계 기술통계 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 기술통계 1 / 17 친구수에대한히스토그램 I from matplotlib import pyplot as plt from collections import Counter num_friends = [100,49,41,40,25,21,21,19,19,18,18,16, 15,15,15,15,14,14,13,13,13,13,12,

More information

13주-14주proc.PDF

13주-14주proc.PDF 12 : Pro*C/C++ 1 2 Embeded SQL 3 PRO *C 31 C/C++ PRO *C NOT! NOT AND && AND OR OR EQUAL == = SQL,,, Embeded SQL SQL 32 Pro*C C SQL Pro*C C, C Pro*C, C C 321, C char : char[n] : n int, short, long : float

More information

Microsoft PowerPoint - 기계공학실험1-1MATLAB_개요2D.pptx

Microsoft PowerPoint - 기계공학실험1-1MATLAB_개요2D.pptx 1. MATLAB 개요와 활용 기계공학실험 I 2013년 2학기 MATLAB 시작하기 이장의내용 MATLAB의여러창(window)들의 특성과 목적 기술 스칼라의 산술연산 및 기본 수학함수의 사용. 스칼라 변수들(할당 연산자)의 정의 및 변수들의 사용 방법 스크립트(script) 파일에 대한 소개와 간단한 MATLAB 프로그램의 작성, 저장 및 실행 MATLAB의특징

More information

Voice Portal using Oracle 9i AS Wireless

Voice Portal using Oracle 9i AS Wireless Voice Portal Platform using Oracle9iAS Wireless 20020829 Oracle Technology Day 1 Contents Introduction Voice Portal Voice Web Voice XML Voice Portal Platform using Oracle9iAS Wireless Voice Portal Video

More information

Microsoft Word - FunctionCall

Microsoft Word - FunctionCall Function all Mechanism /* Simple Program */ #define get_int() IN KEYOARD #define put_int(val) LD A val \ OUT MONITOR int add_two(int a, int b) { int tmp; tmp = a+b; return tmp; } local auto variable stack

More information

문서의 제목 나눔고딕B, 54pt

문서의 제목 나눔고딕B, 54pt Gachon CS50 File Handling Character Separate Values 가천대학교 산업경영공학과 최성철교수 CSV CSV 파일이란 ㆍ필드를쉼표 (,) 로구분한텍스트파일 ㆍ엑셀양식의데이터를프로그램에상관없이쓰기위한데이터형식이라고생각하면쉬움 ㆍ콤마뿐만아니라탭 (TSV), 빈칸 (SSV) 등으로구분해서만들기도함, 이런것들을통칭하여 character-separated

More information

Social Network

Social Network Social Network Service, Social Network Service Social Network Social Network Service from Digital Marketing Internet Media : SNS Market report A social network service is a social software specially focused

More information

기타자료.PDF

기타자료.PDF < > 1 1 2 1 21 1 22 2 221 2 222 3 223 4 3 5 31 5 311 (netting)5 312 (matching) 5 313 (leading) (lagging)6 314 6 32 6 321 7 322 8 323 13 324 19 325 20 326 20 327 20 33 21 331 (ALM)21 332 VaR(Value at Risk)

More information

1. PVR Overview PVR (Personal Video Recorder), CPU, OS, ( 320 GB) 100 TV,,, Source: MindBranch , /, (Ad skip) Setop BoxDVD Combo

1. PVR Overview PVR (Personal Video Recorder), CPU, OS, ( 320 GB) 100 TV,,, Source: MindBranch , /, (Ad skip) Setop BoxDVD Combo PVR 1. PVR Overview 2. PVR 3. PVR 4. PVR 2005 10 MindBranch Asia Pacific Co. Ltd 1. PVR Overview 1.1. 1.1.1. PVR (Personal Video Recorder), CPU, OS, ( 320 GB) 100 TV,,, Source: MindBranch 1.1.2., /, (Ad

More information

SIGPLwinterschool2012

SIGPLwinterschool2012 1994 1992 2001 2008 2002 Semantics Engineering with PLT Redex Matthias Felleisen, Robert Bruce Findler and Matthew Flatt 2009 Text David A. Schmidt EXPRESSION E ::= N ( E1 O E2 ) OPERATOR O ::=

More information

untitled

untitled PowerBuilder 連 Microsoft SQL Server database PB10.0 PB9.0 若 Microsoft SQL Server 料 database Profile MSS 料 (Microsoft SQL Server database interface) 行了 PB10.0 了 Sybase 不 Microsoft 料 了 SQL Server 料 PB10.0

More information

PowerPoint Presentation

PowerPoint Presentation Data Protection Rapid Recovery x86 DR Agent based Backup - Physical Machine - Virtual Machine - Cluster Agentless Backup - VMware ESXi Deploy Agents - Windows - AD, ESXi Restore Machine - Live Recovery

More information

Lab - Gradient descent Copyright 2018 by Introduction [PDF 파일다운로드 ]() 이번랩은우리가강의를통해들은 Gradient descent 을활용하여 LinearRegression

Lab - Gradient descent Copyright 2018 by Introduction [PDF 파일다운로드 ]() 이번랩은우리가강의를통해들은 Gradient descent 을활용하여 LinearRegression Lab - Gradient descent Copyright 2018 by teamlab.gachon@gmail.com Introduction [PDF 파일다운로드 ]() 이번랩은우리가강의를통해들은 Gradient descent 을활용하여 LinearRegression 모듈을구현하는것을목표로합니다. 앞서 우리가 Normal equation lab 을수행하였듯이,

More information

ETL_project_best_practice1.ppt

ETL_project_best_practice1.ppt ETL ETL Data,., Data Warehouse DataData Warehouse ETL tool/system: ETL, ETL Process Data Warehouse Platform Database, Access Method Data Source Data Operational Data Near Real-Time Data Modeling Refresh/Replication

More information

에너지경제연구 제13권 제1호

에너지경제연구 제13권 제1호 에너지경제연구 Korean Energy Economic Review Volume 13, Number 1, March 2014 : pp. 23~56 거시계량모형을이용한전력요금 파급효과분석 * 23 24 25 26 < 표 1> OECD 전력요금수준 ( 단위 : $/MWh) 27 28 < 표 2> 모형의구성 29 30 31 [ 그림 1] 연립방정식모형의개요 32

More information

목차 1. 제품 소개... 4 1.1 특징... 4 1.2 개요... 4 1.3 Function table... 5 2. 기능 소개... 6 2.1 Copy... 6 2.2 Compare... 6 2.3 Copy & Compare... 6 2.4 Erase... 6 2

목차 1. 제품 소개... 4 1.1 특징... 4 1.2 개요... 4 1.3 Function table... 5 2. 기능 소개... 6 2.1 Copy... 6 2.2 Compare... 6 2.3 Copy & Compare... 6 2.4 Erase... 6 2 유영테크닉스( 주) 사용자 설명서 HDD014/034 IDE & SATA Hard Drive Duplicator 유 영 테 크 닉 스 ( 주) (032)670-7880 www.yooyoung-tech.com 목차 1. 제품 소개... 4 1.1 특징... 4 1.2 개요... 4 1.3 Function table... 5 2. 기능 소개... 6 2.1 Copy...

More information

Microsoft Word _mentor_conf_output5.docx

Microsoft Word _mentor_conf_output5.docx < 이재성교수님연구실멘토링자료 > 20151012 최현준제작 # 목차 1. 간단한파이썬 1.1 파이썬설치및설명. 1.2 파이썬데이터형과연산자. 1.3 간단한입출력과형변환. 1.4 for, while, if, with ~ as, indent. 1.5 def 함수정의와 default / return values 1.6 import 와 try except, pip.

More information

HTML5* Web Development to the next level HTML5 ~= HTML + CSS + JS API

HTML5* Web Development to the next level HTML5 ~= HTML + CSS + JS API WAC 2.0 & Hybrid Web App 권정혁 ( @xguru ) 1 HTML5* Web Development to the next level HTML5 ~= HTML + CSS + JS API Mobile Web App needs Device APIs Camera Filesystem Acclerometer Web Browser Contacts Messaging

More information

No Slide Title

No Slide Title Copyright, 2001 Multimedia Lab., CH 3. COM object (In-process server) Eun-sung Lee twoss@mmlab.net Multimedia Lab. Dept. of Electrical and Computer Eng. University of Seoul Seoul, Korea 0. Contents 1.

More information

본문서는 초급자들을 대상으로 최대한 쉽게 작성하였습니다. 본문서에서는 설치방법만 기술했으며 자세한 설정방법은 검색을 통하시기 바랍니다. 1. 설치개요 워드프레스는 블로그 형태의 홈페이지를 빠르게 만들수 있게 해 주는 프로그램입니다. 다양한 기능을 하는 플러그인과 디자인

본문서는 초급자들을 대상으로 최대한 쉽게 작성하였습니다. 본문서에서는 설치방법만 기술했으며 자세한 설정방법은 검색을 통하시기 바랍니다. 1. 설치개요 워드프레스는 블로그 형태의 홈페이지를 빠르게 만들수 있게 해 주는 프로그램입니다. 다양한 기능을 하는 플러그인과 디자인 스마일서브 CLOUD_Virtual 워드프레스 설치 (WORDPRESS INSTALL) 스마일서브 가상화사업본부 Update. 2012. 09. 04. 본문서는 초급자들을 대상으로 최대한 쉽게 작성하였습니다. 본문서에서는 설치방법만 기술했으며 자세한 설정방법은 검색을 통하시기 바랍니다. 1. 설치개요 워드프레스는 블로그 형태의 홈페이지를 빠르게 만들수 있게

More information

휠세미나3 ver0.4

휠세미나3 ver0.4 andromeda@sparcs:/$ ls -al dev/sda* brw-rw---- 1 root disk 8, 0 2014-06-09 18:43 dev/sda brw-rw---- 1 root disk 8, 1 2014-06-09 18:43 dev/sda1 brw-rw---- 1 root disk 8, 2 2014-06-09 18:43 dev/sda2 andromeda@sparcs:/$

More information

Microsoft PowerPoint - AC3.pptx

Microsoft PowerPoint - AC3.pptx Chapter 3 Block Diagrams and Signal Flow Graphs Automatic Control Systems, 9th Edition Farid Golnaraghi, Simon Fraser University Benjamin C. Kuo, University of Illinois 1 Introduction In this chapter,

More information

27 2, 17-31, , * ** ***,. K 1 2 2,.,,,.,.,.,,.,. :,,, : 2009/08/19 : 2009/09/09 : 2009/09/30 * 2007 ** *** ( :

27 2, 17-31, , * ** ***,. K 1 2 2,.,,,.,.,.,,.,. :,,, : 2009/08/19 : 2009/09/09 : 2009/09/30 * 2007 ** *** ( : 27 2, 17-31, 2009. -, * ** ***,. K 1 2 2,.,,,.,.,.,,.,. :,,, : 2009/08/19 : 2009/09/09 : 2009/09/30 * 2007 ** *** (: dminkim@cau.ac.kr) 18 한국교육문제연구제 27 권 2 호, 2009. Ⅰ. (,,, 2004). (,, 2006).,,, (Myrick,

More information

IASB( ) IASB (IASB ),, ( ) [] IASB( ), IASB 1

IASB( ) IASB (IASB ),, ( ) [] IASB( ), IASB 1 IASB( ) IASB (IASB ),, 2007 8 31 ( ) [] IASB( ), IASB 1 ,,,,,,,, 2 IASB IFRS(International Financial Reporting Standards) IASB, IASB IASC(International Accounting Standards Committee) IAS(International

More information

- 1 -

- 1 - - 1 - External Shocks and the Heterogeneous Autoregressive Model of Realized Volatility Abstract: We examine the information effect of external shocks on the realized volatility based on the HAR-RV (heterogeneous

More information

국립국어원 20010-00-00 발간등록번호 00-000000-000000-00 국어정책 통계 조사 및 통계 연보 작성 연구책임자 이순영 제 출 문 국립국어원장 귀하 국어정책 통계 조사 및 통계 연보 작성 에 관하여 귀 원과 체결한 연 구 용역 계약에 의하여 연구 보고서를 작성하여 제출합니다. 2010년 12월 2일 연구책임자: 이순영(고려대학교 국어교육과)

More information

DIY 챗봇 - LangCon

DIY 챗봇 - LangCon without Chatbot Builder & Deep Learning bage79@gmail.com Chatbot Builder (=Dialogue Manager),. We need different chatbot builders for various chatbot services. Chatbot builders can t call some external

More information

BSC Discussion 1

BSC Discussion 1 Copyright 2006 by Human Consulting Group INC. All Rights Reserved. No Part of This Publication May Be Reproduced, Stored in a Retrieval System, or Transmitted in Any Form or by Any Means Electronic, Mechanical,

More information

CyberLink YouCam µµ¿ò¸»

CyberLink YouCam µµ¿ò¸» CyberLink YouCam 4 CyberLink Corporation,,,,,, YouCam, " ", YouCam YouCam,,,,,, CYBERLINK YouCam, CyberLink 15F, # 100, Minchiuan Road, Shindian City Taipei 231, Taiwan http:// www.cyberlink.com 886-2-8667-1298

More information

untitled

untitled Six Sigma - - Grouping Brainstorming : Observ. 8 - - 22 27 32 37 5 5 Capability -27.7552 63.7552 22 Capability 3.SL=69.82 X=29.73-3.SL=-.35 3.SL=49.24 R=5.7-2.29 7.7578-3.SL=.E+ 22 Data Source: Time Span:

More information

Output file

Output file 240 241 242 243 244 245 246 247 248 249 250 251 252 253 254 255 256 257 An Application for Calculation and Visualization of Narrative Relevance of Films Using Keyword Tags Choi Jin-Won (KAIST) Film making

More information

untitled

untitled Memory leak Resource 力 金 3-tier 見 Out of Memory( 不 ) Memory leak( 漏 ) 狀 Application Server Crash 理 Server 狀 Crash 類 JVM 說 例 行說 說 Memory leak Resource Out of Memory Memory leak Out of Memory 不論 Java heap

More information

확률 및 분포

확률 및 분포 확률및분포 박창이 서울시립대학교통계학과 박창이 ( 서울시립대학교통계학과 ) 확률및분포 1 / 15 학습내용 조건부확률막대그래프히스토그램선그래프산점도참고 박창이 ( 서울시립대학교통계학과 ) 확률및분포 2 / 15 조건부확률 I 첫째가딸일때두아이모두딸일확률 (1/2) 과둘중의하나가딸일때둘다딸일확률 (1/3) 에대한모의실험 >>> from collections import

More information

PowerPoint Presentation

PowerPoint Presentation 데이터처리프로그래밍 Data Processing Programming 01 파이썬프로그래밍언어 목차 1. 프로그래밍언어 2. 파이썬소개 3. 파이썬설치와실행 데이터처리프로그래밍 (Data Processing Programming) - 01 파이썬프로그래밍언어 3 1. 프로그래밍언어 프로그래밍언어개념 프로그래밍언어 programming language : 컴퓨터시스템을구동시키는소프트웨어를작성하기위한형식언어

More information

Artificial Intelligence: Assignment 6 Seung-Hoon Na December 15, Sarsa와 Q-learning Windy Gridworld Windy Gridworld의 원문은 다음 Sutton 교재의 연습문제

Artificial Intelligence: Assignment 6 Seung-Hoon Na December 15, Sarsa와 Q-learning Windy Gridworld Windy Gridworld의 원문은 다음 Sutton 교재의 연습문제 Artificial Intelligence: Assignment 6 Seung-Hoon Na December 15, 2018 1 1.1 Sarsa와 Q-learning Windy Gridworld Windy Gridworld의 원문은 다음 Sutton 교재의 연습문제 6.5에서 찾아볼 수 있다. http://incompleteideas.net/book/bookdraft2017nov5.pdf

More information

2014ijµåÄ·¾È³»Àå-µ¿°è ÃÖÁ¾

2014ijµåÄ·¾È³»Àå-µ¿°è ÃÖÁ¾ Call for Papers JOURNAL OF COMPUTATIONAL DESIGN AND ENGINEERING Print ISSN 2288-4300 Online ISSN 2288-5048 Journal of Computational Design and Engineering(JCDE) is a new peer-reviewed international journal

More information

IPAK 윤리강령 나는 _ 한국IT전문가협회 회원으로서 긍지와 보람을 느끼며 정보시스템 활용하 자. 나는 _동료, 단체 및 국가 나아가 인류사회에 대하여 철저한 책임 의식을 가진 다. 나는 _ 활용자에 대하여 그 편익을 증진시키는데 최선을 다한다. 나는 _ 동료에 대해

IPAK 윤리강령 나는 _ 한국IT전문가협회 회원으로서 긍지와 보람을 느끼며 정보시스템 활용하 자. 나는 _동료, 단체 및 국가 나아가 인류사회에 대하여 철저한 책임 의식을 가진 다. 나는 _ 활용자에 대하여 그 편익을 증진시키는데 최선을 다한다. 나는 _ 동료에 대해 IPAK 윤리강령 나는 _ 한국IT전문가협회 회원으로서 긍지와 보람을 느끼며 정보시스템 활용하 자. 나는 _동료, 단체 및 국가 나아가 인류사회에 대하여 철저한 책임 의식을 가진 다. 나는 _ 활용자에 대하여 그 편익을 증진시키는데 최선을 다한다. 나는 _ 동료에 대해서 도의와 성실과 지식을 바탕으로 서로 우애하고 경애한다. 나는 _ 단체와 국가에 대해서 그

More information

Microsoft PowerPoint - 30.ppt [호환 모드]

Microsoft PowerPoint - 30.ppt [호환 모드] 이중포트메모리의실제적인고장을고려한 Programmable Memory BIST 2010. 06. 29. 연세대학교전기전자공학과박영규, 박재석, 한태우, 강성호 hipyk@soc.yonsei.ac.kr Contents Introduction Proposed Programmable Memory BIST(PMBIST) Algorithm Instruction PMBIST

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA FPS게임 구성요소의 중요도 분석방법에 관한 연구 2 계층화 의사결정법에 의한 요소별 상관관계측정과 대안의 선정 The Study on the Priority of First Person Shooter game Elements using Analytic Hierarchy Process 주 저 자 : 배혜진 에이디 테크놀로지 대표 Bae, Hyejin AD Technology

More information

품질검증분야 Stack 통합 Test 결과보고서 [ The Bug Genie ]

품질검증분야 Stack 통합 Test 결과보고서 [ The Bug Genie ] 품질검증분야 Stack 통합 Test 결과보고서 [ The Bug Genie ] 2014. 10. 목 차 I. Stack 통합테스트개요 1 1. 목적 1 II. 테스트대상소개 2 1. The Bug Genie 소개 2 2. The Bug Genie 주요기능 3 3. The Bug Genie 시스템요구사항및주의사항 5 III. Stack 통합테스트 7 1. 테스트환경

More information

±³º¸¸®¾óÄÚ084-0122

±³º¸¸®¾óÄÚ084-0122 URL : www.kyoborealco.com 2008년 4/4분기 오피스 시장 보고서 Forth Quarter 2008 Office Market Report 서울특별시 성동구 도선동 286번지 Tel. 82 2 2290 4048 Fax. 82 2 2290 4099 URL : www.kyoborealco.com Profile Contents 02 03 05

More information

Journal of Educational Innovation Research 2018, Vol. 28, No. 1, pp DOI: * A Study on the Pe

Journal of Educational Innovation Research 2018, Vol. 28, No. 1, pp DOI:   * A Study on the Pe Journal of Educational Innovation Research 2018, Vol. 28, No. 1, pp.405-425 DOI: http://dx.doi.org/10.21024/pnuedi.28.1.201803.405 * A Study on the Perceptions and Factors of Immigrant Background Youth

More information

untitled

untitled (shared) (integrated) (stored) (operational) (data) : (DBMS) :, (database) :DBMS File & Database - : - : ( : ) - : - : - :, - DB - - -DBMScatalog meta-data -DBMS -DBMS - -DBMS concurrency control E-R,

More information

Oracle9i Real Application Clusters

Oracle9i Real Application Clusters Senior Sales Consultant Oracle Corporation Oracle9i Real Application Clusters Agenda? ? (interconnect) (clusterware) Oracle9i Real Application Clusters computing is a breakthrough technology. The ability

More information

Journal of Educational Innovation Research 2019, Vol. 29, No. 1, pp DOI: (LiD) - - * Way to

Journal of Educational Innovation Research 2019, Vol. 29, No. 1, pp DOI:   (LiD) - - * Way to Journal of Educational Innovation Research 2019, Vol. 29, No. 1, pp.353-376 DOI: http://dx.doi.org/10.21024/pnuedi.29.1.201903.353 (LiD) -- * Way to Integrate Curriculum-Lesson-Evaluation using Learning-in-Depth

More information