Tacotron 이말을했어요 AiFrenz 2019 년 04 월 24 일, 조희철

Size: px
Start display at page:

Download "Tacotron 이말을했어요 AiFrenz 2019 년 04 월 24 일, 조희철"

Transcription

1 Tacotron 이말을했어요 AiFrenz 2019 년 04 월 24 일, 조희철

2 목차 1. 음성합성 & T a c o t r o n 2. R N N, A t t e n t i o n 3. T a c o t r o n 분석 4. A p p e n d i x 2

3 1. 음성합성 & Tacotron 3

4 AiFrenz 회원여러분, 반갑습니다. 4

5 음성합성모델 전통적음성합성 concatenative TTS: database 에있는음성을합성 è 음질은좋지만, 방대한 DB 필요 statistical parametric TTS: HMM 같은모델에기반한방법 Ø text analyzer, F0 generator, spectrum generator, pause estimator, vocoder Ø 음질은좋지못하지만, Acoustic Feature 조절가능 Text Text Analyzer Lingusitc Feature Acoustic Model Acoustic Feature (deterministic) Vocoder Speech TACOTRON: End-To-End Speech Synthesis, 2017 년 3 월 Wavenet Vocoder 로대체가능 Text Neural Network (Tacotron) (deterministic) Vocoder Speech 5

6 Tacotron Model Architecture Encoder Wavenet Vocoder Postprossing network Decoder 합성단계 Train 단계 Input: Text Outputs: Mels-pectrogram( 예측 ) à (linear) Spectrogram( 예측 ) à Speech(Audio) Inputs: Text, Mel-spectrogram, (linear) Spectrogram Outputs: Mels-pectrogram( 예측 ) à (linear) Spectrogram( 예측 ) à Speech(Audio) 6

7 Tacotron 구현 C o de keithito(2017 년 7 월 ) Ø 대표적인 Tacotron 구현 Ø - Wavenet(2016 년 9 월 ) - ibab 코드공개 (2016 년 9 월 ) - Tacotron 논문발표 (2017 년 3 월 ) carpedm20(2017 년 10 월 ) Ø keithito 코드를기반으로 Tacotron 모델로한국어생성 Ø DeepVoice 2 에서제안한 Multi-Speaker 모델로확장 Ø Tensorflow 1.3 è 최신버전에작동하지않음. Ø - Tacotron2(2017 년 12 월 ) - r9y9 코드 (wavenet vocoder) 공개 (2018 년 1 월 ) Rayhane-mamah(2018 년 4 월 ) Ø keithito, r9y9 코드를기반으로구현된대표적인 Tacotron 2 구현 Ø Wavenet 구현도포함 Ø hccho2(2018 년 12 월 ) Ø 한국어 Tacotron + Wavenet, Tensorflow 최신버전으로실행 Ø 빠른 (speed up) convergence Ø 7

8 Audio Samples t r a i n s t e p : ( G T X t i h ) m o o n d a t a : 1, e x a m p l e s ( h o u r s ) s o n d a t a : 2 0, e x a m p l e s ( h o u r s ) 이런논란은타코트론논문이후에사라졌습니다. 오는 6 월 6 일은제 64 회현충일입니다. Son Moon 8

9 Audio Samples(Tacotron2+Griffin-Lim) t r a i n s t e p : 1 0 0, ( 2 7 h ) m o o n d a t a : 1, e x a m p l e s ( h o u r s ) s o n d a t a : 2 0, e x a m p l e s ( h o u r s ) 이런논란은타코트론논문이후에사라졌습니다. 오는 6 월 6 일은제 64 회현충일입니다. Model # of trainable_variables() sec/step (GTX1080ti) Tacotron 1 7M 0.60 Tacotron 2(Griffin-Lim) 29M

10 한국어 D ata 준비 : 음성 / T ext ( 약 12 초이하길이의음성파일, Script) 쌍이필요하다. 긴음성파일 è 약 12 초이하의길이로잘라야한다. ü 문장단위로자르지않아도된다. 침묵구간을기준으로자른다. ü 잘라진음성파일과 script 의 sync 를맞추는것은고단한작업. ü 잘라진음성파일 è Google Speech API(STT) 로 script 생성 ü STT 로생성한 script 를원문과비교하여수정 ( 수작업 vs programming) 10

11 한글 Text 분해 한글 text 를 ( 초성 / 중성 / 종성 ) 으로나누어진 sequence 로만들어야한다. Ø jamo package 를이용하면된다. Ø ' 존경하는 è ['ᄌ', 'ᅩ', 'ᆫ', 'ᄀ', 'ᅧ', 'ᆼ', 'ᄒ', 'ᅡ', 'ᄂ', 'ᅳ', 'ᆫ, ~ ] Ø è [14, 29, 45, 2, 27, 62, 20, 21, 4, 39, 45, 1] 초성과종성의자음은각각다른 character로처리 '_': 0, '~': 1, 'ᄀ': 2, 'ᄁ': 3, 'ᄂ': 4, 'ᄃ': 5, 'ᄄ': 6, 'ᄅ': 7, 'ᄆ': 8, 'ᄇ': 9, 'ᄈ': 10, 'ᄉ': 11, 'ᄊ': 12, 'ᄋ': 13, 'ᄌ': 14, 'ᄍ': 15, 'ᄎ': 16, 'ᄏ': 17, 'ᄐ': 18, 'ᄑ': 19, 'ᄒ': 20, 'ᅡ': 21, 'ᅢ': 22, 'ᅣ': 23, 'ᅤ': 24, 'ᅥ': 25, 'ᅦ': 26, 'ᅧ': 27, 'ᅨ': 28, 'ᅩ': 29, 'ᅪ': 30, 'ᅫ': 31, 'ᅬ': 32, 'ᅭ': 33, 'ᅮ': 34, 'ᅯ': 35, 'ᅰ': 36, 'ᅱ': 37, 'ᅲ': 38, 'ᅳ': 39, 'ᅴ': 40, 'ᅵ': 41, 'ᆨ': 42, 'ᆩ': 43, 'ᆪ': 44, 'ᆫ': 45, 'ᆬ': 46, 'ᆭ': 47, 'ᆮ': 48, 'ᆯ': 49, 'ᆰ': 50, 'ᆱ': 51, 'ᆲ': 52, 'ᆳ': 53, 'ᆴ': 54, 'ᆵ': 55, 'ᆶ': 56, 'ᆷ': 57, 'ᆸ': 58, 'ᆹ': 59, 'ᆺ': 60, 'ᆻ': 61, 'ᆼ': 62, 'ᆽ': 63, 'ᆾ': 64, 'ᆿ': 65, 'ᇀ': 66, 'ᇁ': 67, 'ᇂ': 68, '!': 69, "'": 70, '(': 71, ')': 72, ',': 73, '-': 74, '.': 75, ':': 76, ';': 77, '?': 78, ' ': 개 token 11

12 소리의 3 요소 (3 elements of sound) 소리의세기 (loudness) Ø 소리의세기는물체가진동하는폭 ( 진폭 ) 에의하여정해지는데, 센 ( 강한 ) 소리는진폭이크고, 약한소리는진폭이작다. 그리고소리의세기가변하더라도진동수는달라지지않으며, 소리의세기단위로는dB ( 데시벨 ) 을사용한다. 소리의높이 ( 음정, 고음 / 저음, frequency or pitch) Ø ü 소리의높낮이는음원의진동수에의해정해지며, 진동수가많을수록높은소리가나며, 적을수록낮은소리가난다. 그리고단위는진동수와같은단위인 Hz. Pitch Extraction(Detection) Algorithm 소리의음색 (timbre, 맵시 ) Ø 소리의맵시는파형 ( 파동의모양 ) 에따라구분된다. Ø 사람마다목소리가다른것은소리의맵시가다르기때문이다. Ø MFCC는음색의특징을잘잡아낸다. 어떤 Feature 를사용할것인가? 12

13 M F C C (Mel-frequency cepstral coefficients) 순음 음색의특징을잘나타낼수있는 feature. 음소 (phoneme) 을구분한다. 배음 (overtone, 밑음 + 부분음 ) 구조를잘파악한다. 배음 음정의차이는무시 è 악보를그리는데는부적절. 악기의소리구분, 사람의목소리구분에적합함. MFCC values are not very robust in the presence of additive noise, and so it is common to normalize their values in speech recognition systems to lessen the influence of noise.(wikip edia) Tacotron 모델에서는 MFCC보다는 Mel-Spectrogram을활용한다. Ø MFCC 는만드는과정에서소리의많은정보를잃어버린다. è 복원을고려해서 Mel-Spectrogram Ø Linear, Mel-Spectrogram, MFCC 모두 Phase( 위상 ) 에대한정보를가지고있지않다. è Griffin-Lim으로복원 13

14 F o urier Transform 시간에대한함수 (or 신호 ) 를주파수성분으로분해하는작업이다. 시간의함수가푸리에변환이되면, 주파수의복소함수가된다. 이것의절대값은원래함수를구성하는주파수성분의양을, 편각은기본사인곡선과의위상차 (phase offset) 을나타낸다. 14

15 15

16 16

17 STFT(Short T i m e Fourier Transform) y = librosa.load(audio_clip, sampling_rate) STFT(y, window_size, hop_size, fft_size) e.g. sampling_rate = 24000/1sec window_size = 1200(=0.05sec) hop_size = 300 è 길이결정 fft_size = 2048 è output 크기결정 audio_clip(1d data) è 2D data ( T, fft_size/2 +1) 17

18 STFT(Short T i m e Fourier Transform) n_fft 가 output 크기결정 18

19 F r o m Audio To Mel-spectrogram Raw Audio Clip(73512) sr = Padded Audio(69900) Silence Trim(69880) 233 x hop_size(300) = /300 = STFT(233,1025) fft_size = 2048 è fft_size/2 +1 Griffin-Lim ABS(233,1025) num_mels=80 Mel_Basis 곱하기 (233,80) (1025,80) amp_to_db amp_to_db ref_level_db 빼기 normalize normalization 방식에따라 [0,1] 또는 [0,4], [-4,4] 의값을가질수있다. ref_level_db 빼기 normalize (linear) spectrogram mel-spectrogram 19

20 M i ni-batch Data 생성 (audio, text, mel-spectrogram, linear-spectrogram, tokens, ) 묶어 npz로미리만들어놓는다. DataFeeder Class를만들어, training 할때 data를공급한다. Ø Mini-Batch(N개. e.g. 32) data를적당한개수 (M개. e.g. 32) 만큼만들어 Queue에쌓는방식을사용. Ø N x M 개의 data를길이로정렬후, N개씩나누어공급한다 è padding 최소화 Ø (input_data, input_length, mel_target, linear_target, speaker_id) Ø Speaker별로 feed되는 data의비율이동일하게처리 Ø hyper parameter가바뀌면 data를새로만들어야함. (eg. hop_size)

21 2. RNN, Attention 21

22 Tensorflow BasicRNNCell/dynamic_rnn Tensorflow 내부에서는 U,W 가각각잡히지않고, 묶어서 Y 하나만잡힌다. Sample Code(C) 참조 dynamic_rnn 은 teacher-forcing 으로구현은가능하나, free-running(inference) 에는불편한점이많다. 22

23 Tensorflow dynamic_decode Sample Code(A) 참조 [ 중요 ] cell, Helper, BasicDecoder 를 customization 할수있어야 Tensorflow 에서 API 가제공되지않더라도, 원하는모듈을구현할수있다. 참고자료 : Customization Tutorial 23

24 B asicdecoder BasicDecoder 의 step 함수는 cell, Helper 를결합하여 (outputs, next_state, next_inputs, finished) 를 return 한다. cell 이나 Helper 가 customization 되어있다면, BasicDecoder 도 customization 해야한다. outputs Helper BasicDecoder 의 step 함수는 cell.call 과 Helper.next_inputs 호출하고, return(outputs, next_state, next_inputs, finished) cell.call next_state input next_inuts 24

25 Tensorflow AttentionMechanism 25

26 Attention score 를계산하는과정에 encoder hidden state, decoder hidden sate 모두반영된다. Bahdanau Attention 과 Luong Attention 은 score 계산방식에서만차이가있다. For decoder time step i e [ h, h, L, h ]: encoder hidden state, h Î R 1 2 s :decoder hidden state, s Î R i = [ e, e, L, e i 1 softmax j = 1 i 2 attention vector ]: score alignment(weight), aij Î R Te c = a h : context i i å ij j T e it e i dh i eh 용어 : - score - alignment - context - attention 26

27 B ahdanau & Luong Attention 2: Luong 3: Bahdanau _bahdanau_score 27

28 Tensorflow-AttentionMechanism Bahdanau Attention è tf.contrib.seq2seq.bahdanauattention Luong Attention è tf.contrib.seq2seq.luongattention attention_mechanism = tf.contrib.seq2seq.bahdanauattention(num_units=11, memory=encoder_outputs, memory_sequence_length=input_lengths) TIP memory = encoder hidden state è memory_layer è key query = decoder hidden state è query_layer è processed_query 28

29 AttentionWrapper & AttentionWrapperState Output AttentionWrapper ~ AttentionWrapperState 관계는 BasicRNNCell ~ hidden_state 관계와같다. concat + state.attention_state cell_output Attention Mechanism attention alignment next_attention_state state state.cell_state GRUCell next_state.cell_state AttentionWrapperState 모여서 AttentionWrapperState 가된다 state.attention + concat input 왜 concat 인가? 29

30 AttentionWrapper tf.contrib.seq2seq.attentionwrapper(cell, attention_mechanism, attention_layer_size=13) 이전 alignment weighted sum c i attention encoder_hidden attention_state AttentionMechanism score - alignment 계산 alignment ( 더이상계산에사용되지않는다 ) next_attention_state _compute_attention Sample Code(B) 참조 Data 흐름살펴보기 cell_output(query) 모여서 AttentionWrapperState 가된다 30

31 AttentionWrapper AttentionWrapper(cell,attention_mechanism) self. init (cell, attention_mechanism) cell 은 BasicRNNCell, BasicLSTMCell 같은 RNNCell 이며, reture 되는 cell_output 과 next_cell_state 는같은값이다. self.call( input, state(attentionwrapperstate) ) cell_output, next_cell_state = cell(input,state.cell_state) cell_state 는보통의 hidden_state _compute_attention(attention_mechanism, cell_output,state.attention_state) alignments, next_attention_state = attention_mechanism(cell_output,state.attention_state)... return attention, alignments, next_attention_state alignment 와 next_attention_state 는같은값이다.... return cell_output, next_state(attentionwrapperstate) next_state = AttentionWrapperState( cell_state = next_cell_state, attention = attention, attention_state = next_attention_state, alignments= alignments) 31

32 M o notonicattention tf.contrib.seq2seq. BahdanauMonotonicAttention tf.contrib.seq2seq. LuongMonotonicAttention 이전 alignment Monotonic Attention Alignment Non Monotonic score Monotonic BahdanauMonotonicAttention(hp.attention_size, encoder_outputs,memory_sequence_length = input_lengths, normalize=true) 32

33 3. Tacotron 분석 33

34 Encoder 국민과함께하는 è ['ᄀ', 'ᅮ', 'ᆨ', 'ᄆ', 'ᅵ', 'ᆫ', 'ᄀ', 'ᅪ', ' ', 'ᄒ', 'ᅡ', 'ᆷ', 'ᄁ', 'ᅦ', 'ᄒ', 'ᅡ', 'ᄂ', 'ᅳ', 'ᆫ'] è [2, 34, 42, 8, 41, 45, 2, 30, 79, 20, 21, 57, 3, 26, 20, 21, 4, 39, 45] è Character embedding ( e N, T,256) ㄱㅜㅇㅁㅣㄴ ( e N, T,256) ㄱㅜㄱㅁㅣㄴ 34

35 C B HG ( e N, T,256) 4 layers Bidirectional RNN 이므로, 128 x 2 = 256 -Batch normalization is used for all convolutional layers. - 논문에서는 CBHG 가 overfitting 을줄이고, 보통의 RNN 보다 mispronunciation 을적게만들어낸다고하고있다. Increse local invariances 2 layers ( e N, T,2048) Kernel_size=3, filters=128 C o n v o l u t i o n B a n k H i g h w a y G R U Highway Net 35

36 D ecoder ConcatOutputAndAttentionWrapper: [attention(256),output(256)] concat è RNNWrapper Class 를만들수있어야한다. 36

37 Tensorflow RNNCell-Wrapper 활용 37

38 Tensorflow RNNCell-Wrapper 활용 Tensorflow 에구현되어있는 RNNWrapper class Ø OutputProjectionWrapper Ø InputProjectionWrapper Ø ResidualWrapper 38

39 P o s t - P r o cessing audio Linear-Spectrogram Mel-Spectrogram Mel-Spectrogram을 CBHG layer에넣어, Linear-Spectrogram을만든다. 이 CBHG layer는 encoder에있는 CBHG와같은 layer지만, hyper parameter가다르다. CBHG를 training할때, 어떤 Mel-Spectrogram을입력으로사용할것인가? Ø 이전단계에서만들어낸 Mel-Spectrogram vs Ground Truth Mel-Spectrogram Tacotron 모델이최종적으로 Linear-Spectrogram 을만들면, Griffin-Lim Algorithm 을이용해서 audio 를생성한다. Loss = mel_output mel_target + linear_output linear_target 39

40 M ulti-speaker Model 로확장 (DeepVoice 2) speaker embedding vector 를 network 중간 - 중간에 concat 하는방식의모델도있다. DeepVoice2 논문에는 Tacotron 모델을 Multi-Speaker 모델로확장하는방법을제시하고있다. 여기서는 speaker embedding vector 를 RNN 의 initial state 로넣어주는방식을사용한다. 40

41 Speaker Embedding è S p e a k e r 별 d a t a 불균형해소 각 speaker 별로 embedding vector(dim 16) 을먼저만든후, FC 를거치면서필요한크기로만든다음, activation function 으로 softsign 함수를적용한다. softsign 함수는 tanh 대신사용되었다고보면된다. 논문에서는언급되지않았지만, speaker embedding 을만들지않고, initial state 자체를 embedding vector 로만들수도있다. speaker embedding(16) dense(n1) à softsign dense(n2) à softsign dense(n3) à softsign dense(n4) à softsign speaker embedding(n1) speaker embedding(n2) speaker embedding(n3) speaker embedding(n3) 41

42 Tacotron 년 12 월발표 CBHG 제외 Location Sensitive Attention, Residual Layer 추가 Stop Token 도입 Vocoder 로 Modified Wavenet 사용 : MoL L2 regularization 대표적인구현코드 : Rayhane Mama 42

43 4. Appendix 43

44 Sample Code(A) 44

45 45

46 input_dim=8 hidden_dim=6 (input_dim+hidden_dim) x (hidden_dim x 4): 첫번째 LSTM (hidden_dim+hidden_dim) x (hidden_dim x 4): 두번째 LSTM FC(13) FC(19) FC(5) 46

47 Sample Code(B) encoder_hidden_state: (N,encoder_length,encoder_hidden_dim) 47

48 (input_dim+decoder_hidden_dim+attention_layer_size) x (decoder_hidden_dim) (encoder_hidden_dim x num_units) W m (decpcer_hidden_dim x num_units) W q W a v a (num_units) (encoder_hidden_dim+decoder_hidden_dim) x attention_layer_size 48

49 정리 : for decoder time step i (N,6) (N,27) (27,6 ) (11,) (N,20) (N,20) (N,20,30) ( 30, 11 ) (N,6 ) (6, 11 ) (N,30) 덧셈이되기위해서는뒤쪽의 (N,11) 을 expand_dims 를통해 (N,1,11) 로변환해야한다. (N, 13) (N,36) (36, 13) Tensorflow tensor 연산으로표현하면어떻게되나? 49

50 Sample Code(C) [<tf.variable 'rnn/basic_rnn_cell/kernel:0' shape=(10, 8) dtype=float32_ref>, <tf.variable 'rnn/basic_rnn_cell/bias:0' shape=(8,) dtype=float32_ref>] 50

51 B ahdanau Attention (N,20,30) W m (N,20,11) v a AttentionMechanism score alignment sum, tanh (N,20,11) (N,20) softmax (N,20) (N,6) W q (N,11) weighted sum context (N,30) concat encoder_length=20 encoder_hidden_dim=30 decoder_hidden_dim=6 attention (N,13) W a (N,36) 51

52 L uong Attention W m ( Y a ) (N,20,30) (N,6) (N,20,6) AttentionMechanism score alignment inner product (N,20) softmax (N,20) weighted sum context (N,30) concat encoder_length=20 encoder_hidden_dim=30 decoder_hidden_dim=6 attention (N,13) W a (N,36) 52

53 Tensorflow-Dropout keithito 코드에서는 2018 년 8 월 31 일 bug 수정 53

54 54

55 55

56 Tacotron Training 과정 9 월 - Single speaker 모델시도. 왜안되지? - Attention Model 로 MonotonicAttention 적용. alignment 합이왜 1 이아닌가? - librosa version vs tensorflow 1.8 로변경 - dropout bug 발견 è keith ito 코드와비교 - AttentionWrapper 와 PrenetWrapper 순서바로잡음 10 월 - Padding에 Attention 가지않도록 n batch_size = 1로변경? n Attention class로 customization시도 è Tensorflow내에이미구현되어 있다는것발견 - 수작업으로 script 수정 è Data 품앗이 - Tacotron2 모델의 stop token 적용, location sensitive attention, GMM attention 시도 11 월 - Mel Spectrogram 생성방식수정 56

RNN & NLP Application

RNN & NLP Application RNN & NLP Application 강원대학교 IT 대학 이창기 차례 RNN NLP application Recurrent Neural Network Recurrent property dynamical system over time Bidirectional RNN Exploit future context as well as past Long Short-Term

More information

..........(......).hwp

..........(......).hwp START START 질문을 통해 우선순위를 결정 의사결정자가 질문에 답함 모형데이터 입력 목표계획법 자료 목표계획법 모형에 의한 해의 도출과 득실/확률 분석 END 목표계획법 산출결과 결과를 의사 결정자에게 제공 의사결정자가 결과를 검토하여 만족여부를 대답 의사결정자에게 만족하는가? Yes END No 목표계획법 수정 자료 개선을 위한 선택의 여지가 있는지

More information

Microsoft Word - 청능42-4.doc

Microsoft Word - 청능42-4.doc AUDIOLOGY 청능재활 RESEARCH PAPER 8;4:126-1 ISSN 1738-9399 Copyright c 8 Korean Academy of Audiology 한국표준일반용단음절어표개발 한림대학교자연과학대학언어청각학부청각학전공, 1 한림대학교대학원청각학전공, 2 남부대학교언어치료청각학과, 3 한림국제대학원대학교청각학과 4 김진숙 1 임덕환 1

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 29(7),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jul.; 29(7), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2018 Jul.; 29(7), 550 559. http://dx.doi.org/10.5515/kjkiees.2018.29.7.550 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Human

More information

Delving Deeper into Convolutional Networks for Learning Video Representations - Nicolas Ballas, Li Yao, Chris Pal, Aaron Courville arXiv:

Delving Deeper into Convolutional Networks for Learning Video Representations  -   Nicolas Ballas, Li Yao, Chris Pal, Aaron Courville  arXiv: Delving Deeper into Convolutional Networks for Learning Video Representations Nicolas Ballas, Li Yao, Chris Pal, Aaron Courville arxiv: 1511.06432 Il Gu Yi DeepLAB in Modu Labs. June 13, 2016 Il Gu Yi

More information

PSP-1005

PSP-1005 クイックリファレンス빠른시작가이드 Quick Reference PSP-1000 PSP-1005 3-097-556-01(1) 3-097-556-61(1) 준비홈메뉴사용하기 게임 게임즐기기 비디오 비디오재생하기 카테고리 음악 음악재생하기 사진 항목 2 이미지보기네트워크인터넷즐기기설정 PSP 설정하기 1 2 로딩아이콘 : 데이터를읽고있는동안에표시됩니다. 왼쪽 / 오른쪽방향키로카테고리를선택합니다

More information

PSP-2005

PSP-2005 クイックリファレンス빠른시작가이드 Quick Reference PSP-1000 PSP-2005 3-097-556-01(1) 3-218-749-51(1) 준비홈메뉴사용하기 게임 게임즐기기 비디오 비디오재생하기 카테고리 음악 음악재생하기 사진 항목 이미지보기 2 네트워크 인터넷즐기기 설정 PSP 설정하기 홈메뉴에표시되는아이콘은시스템소프트웨어의버전에따라다릅니다. 1

More information

4 CD Construct Special Model VI 2 nd Order Model VI 2 Note: Hands-on 1, 2 RC 1 RLC mass-spring-damper 2 2 ζ ω n (rad/sec) 2 ( ζ < 1), 1 (ζ = 1), ( ) 1

4 CD Construct Special Model VI 2 nd Order Model VI 2 Note: Hands-on 1, 2 RC 1 RLC mass-spring-damper 2 2 ζ ω n (rad/sec) 2 ( ζ < 1), 1 (ζ = 1), ( ) 1 : LabVIEW Control Design, Simulation, & System Identification LabVIEW Control Design Toolkit, Simulation Module, System Identification Toolkit 2 (RLC Spring-Mass-Damper) Control Design toolkit LabVIEW

More information

(JBE Vol. 21, No. 1, January 2016) (Regular Paper) 21 1, (JBE Vol. 21, No. 1, January 2016) ISSN 228

(JBE Vol. 21, No. 1, January 2016) (Regular Paper) 21 1, (JBE Vol. 21, No. 1, January 2016)   ISSN 228 (JBE Vol. 1, No. 1, January 016) (Regular Paper) 1 1, 016 1 (JBE Vol. 1, No. 1, January 016) http://dx.doi.org/10.5909/jbe.016.1.1.60 ISSN 87-9137 (Online) ISSN 16-7953 (Print) a), a) An Efficient Method

More information

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구

Multi-pass Sieve를 이용한 한국어 상호참조해결 반-자동 태깅 도구 Siamese Neural Network 박천음 강원대학교 Intelligent Software Lab. Intelligent Software Lab. Intro. S2Net Siamese Neural Network(S2Net) 입력 text 들을 concept vector 로표현하기위함에기반 즉, similarity 를위해가중치가부여된 vector 로표현

More information

PSP-3005

PSP-3005 クイックリファレンス빠른시작가이드 Quick Reference PSP-3000 PSP-3005 3-097-556-01(1) 4-115-362-61(1) 준비 "XMB"( 크로스미디어바 ) 의사용방법 게임 게임즐기기 PSP 에는 "XMB"( 크로스미디어바 ) 라는유저인터페이스가탑재되어있습니다. "XMB" 의메인화면을홈메뉴라고부릅니다. 비디오 비디오재생하기 음악

More information

pissn eissn Vol.10 No.1 pp 말소리와음성과학 한국어 시스템을위한엔드투엔드합성방식연구 An end-

pissn eissn Vol.10 No.1 pp 말소리와음성과학   한국어 시스템을위한엔드투엔드합성방식연구 An end- pissn 2005-8063 eissn 2586-5854 2018. 03. 31. Vol.10 No.1 pp. 39-48 말소리와음성과학 https://doi.org/10.13064/ksss.2018.10.1.039 한국어 시스템을위한엔드투엔드합성방식연구 An end-to-end synthesis method for Korean text-to-speech systems

More information

다문화교육한빛반활동자료 2. 한글은왜만들게되었을까요? 한글은누가만들었나요?. 한글어떻게구성되어졌나요?. 훌륭한세종대왕님께한글을만들어주심에대한감사와한글을잘못사용하고있음에대한 반성, 앞으로의약속등을표현하는편지를써보세요. 세종대왕님께

다문화교육한빛반활동자료 2. 한글은왜만들게되었을까요? 한글은누가만들었나요?. 한글어떻게구성되어졌나요?. 훌륭한세종대왕님께한글을만들어주심에대한감사와한글을잘못사용하고있음에대한 반성, 앞으로의약속등을표현하는편지를써보세요. 세종대왕님께 다문화교육한빛반활동자료 1. 다음음절표를보고받침이없는글자를만들어보세요. ᅡ ᅣ ᅥ ᅧ ᅩ ᅭ ᅮ ᅲ ᅳ ᅵ ( 아 ) ( 야 ) ( 어 ) ( 여 ) ( 오 ) ( 요 ) ( 우 ) ( 유 ) ( 으 ) ( 이 ) ᄀ( 기역 ) ᄂ( 니은 ) ᄃ( 디귿 ) ᄅ ( 리을 ) ᄆ( 미음 ) ᄇ( 비읍 ) ᄉ( 시옷 ) ᄋ( 이응 ) ᄌ( 지읒 ) ᄎ( 치읓 )

More information

C# Programming Guide - Types

C# Programming Guide - Types C# Programming Guide - Types 최도경 lifeisforu@wemade.com 이문서는 MSDN 의 Types 를요약하고보충한것입니다. http://msdn.microsoft.com/enus/library/ms173104(v=vs.100).aspx Types, Variables, and Values C# 은 type 에민감한언어이다. 모든

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Oct.; 27(10),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Oct.; 27(10), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2016 Oct.; 27(10), 926 934. http://dx.doi.org/10.5515/kjkiees.2016.27.10.926 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Multi-Function

More information

4 : CNN (Sangwon Suh et al.: Dual CNN Structured Sound Event Detection Algorithm Based on Real Life Acoustic Dataset) (Regular Paper) 23 6, (J

4 : CNN (Sangwon Suh et al.: Dual CNN Structured Sound Event Detection Algorithm Based on Real Life Acoustic Dataset) (Regular Paper) 23 6, (J (Regular Paper) 23 6, 2018 11 (JBE Vol. 23, No. 6, November 2018) https://doi.org/10.5909/jbe.2018.23.6.855 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) CNN a), a), a), a), a) Dual CNN Structured Sound

More information

3 : ATSC 3.0 (Jeongchang Kim et al.: Study on Synchronization Using Bootstrap Signals for ATSC 3.0 Systems) (Special Paper) 21 6, (JBE Vol. 21

3 : ATSC 3.0 (Jeongchang Kim et al.: Study on Synchronization Using Bootstrap Signals for ATSC 3.0 Systems) (Special Paper) 21 6, (JBE Vol. 21 3: ATSC 3.0 (Jeongchang Kim et al.: Study on Synchronization Using Bootstrap Signals for ATSC 3.0 Systems) (Special Paper) 21 6, 2016 11 (JBE Vol. 21, No. 6, November 2016) http://dx.doi.org/10.5909/jbe.2016.21.6.899

More information

Chapter4.hwp

Chapter4.hwp Ch. 4. Spectral Density & Correlation 4.1 Energy Spectral Density 4.2 Power Spectral Density 4.3 Time-Averaged Noise Representation 4.4 Correlation Functions 4.5 Properties of Correlation Functions 4.6

More information

2013 경찰직 1차 형법 해설 이영민 (0gichul.tistory.com).hwp

2013 경찰직 1차 형법 해설 이영민 (0gichul.tistory.com).hwp 2013 년 1 차일반 순경공채 2013. 3. 13 ( 수 ) ᄀ 1 5 1 3 2. ᄂ. ᄃ,. ᄅ 16. 1 0 2 1 3 2 4 3 1. 정답 3 ᄀ X : 5 1 3 2 ( ) 1 2.( 2012.3.22, 2011 15057) ᄂ O :.( 2012.7.5, 2011 16167) ᄃ X : 62 1,,,,.( 1997.6.13, 97 703) ᄅ

More information

4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, (JBE Vol. 24, No. 3, May 2019

4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, (JBE Vol. 24, No. 3, May 2019 4 : (Hyo-Jin Cho et al.: Audio High-Band Coding based on Autoencoder with Side Information) (Special Paper) 24 3, 2019 5 (JBE Vol. 24, No. 3, May 2019) https://doi.org/10.5909/jbe.2019.24.3.387 ISSN 2287-9137

More information

요약문 1 요 약 문 1. 과 제 명 : 소음노출 저감을 위한 작업환경관리 및 측정방안 연구 2. 연구기간 : 2007 1. 1 ~ 2007. 12. 31. 3. 연 구 자 : 연구책임자 장 재 길 (연구위원) 공동연구자 정 광 재 (연구원) 4. 연구목적 및 필요성

요약문 1 요 약 문 1. 과 제 명 : 소음노출 저감을 위한 작업환경관리 및 측정방안 연구 2. 연구기간 : 2007 1. 1 ~ 2007. 12. 31. 3. 연 구 자 : 연구책임자 장 재 길 (연구위원) 공동연구자 정 광 재 (연구원) 4. 연구목적 및 필요성 보건분야-연구자료 연구원 2007-102-1027 소음노출 저감을 위한 작업환경관리 및 측정방안 요약문 1 요 약 문 1. 과 제 명 : 소음노출 저감을 위한 작업환경관리 및 측정방안 연구 2. 연구기간 : 2007 1. 1 ~ 2007. 12. 31. 3. 연 구 자 : 연구책임자 장 재 길 (연구위원) 공동연구자 정 광 재 (연구원) 4. 연구목적 및 필요성

More information

AV PDA Broadcastin g Centers Audio /PC Personal Mobile Interactive (, PDA,, DMB ),, ( 150km/h ) (PPV,, ) Personal Mobile Interactive Multimedia Broadcasting Services 6 MHz TV Channel Block A Block

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

슬라이드 제목 없음

슬라이드 제목 없음 4. 1. (sound source) : (sound wave) :.,,,,. 180 1 ( ) 1 : Hz, KHz, MHz 1 Hz = 1 1 KHz = 1,000 Hz, 1 MHz = 1,000 KHz 20 Hz ~ 20 KHz (, ) + 0-1 1 2 3 4 2 3 4 + 0-1 2 3 4 5 1 6 7 8 2 3 4 2 ( ), (db) : (,

More information

딥러닝NLP응용_이창기

딥러닝NLP응용_이창기 딥러닝과 자연어처리 응용 강원대학교 IT대학 이창기 차례 딥러닝최신기술소개 딥러닝기반의자연어처리 Classification Problem Sequence Labeling Problem Sequence-to-Sequence Learning Pointer Network Recurrent Neural Network Many NLP problems can be viewed

More information

인켈(국문)pdf.pdf

인켈(국문)pdf.pdf M F - 2 5 0 Portable Digital Music Player FM PRESET STEREOMONO FM FM FM FM EQ PC Install Disc MP3/FM Program U S B P C Firmware Upgrade General Repeat Mode FM Band Sleep Time Power Off Time Resume Load

More information

<313120C0AFC0FCC0DA5FBECBB0EDB8AEC1F2C0BB5FC0CCBFEBC7D15FB1E8C0BAC5C25FBCF6C1A42E687770>

<313120C0AFC0FCC0DA5FBECBB0EDB8AEC1F2C0BB5FC0CCBFEBC7D15FB1E8C0BAC5C25FBCF6C1A42E687770> 한국지능시스템학회 논문지 2010, Vol. 20, No. 3, pp. 375-379 유전자 알고리즘을 이용한 강인한 Support vector machine 설계 Design of Robust Support Vector Machine Using Genetic Algorithm 이희성 홍성준 이병윤 김은태 * Heesung Lee, Sungjun Hong,

More information

FMX M JPG 15MB 320x240 30fps, 160Kbps 11MB View operation,, seek seek Random Access Average Read Sequential Read 12 FMX () 2

FMX M JPG 15MB 320x240 30fps, 160Kbps 11MB View operation,, seek seek Random Access Average Read Sequential Read 12 FMX () 2 FMX FMX 20062 () wwwexellencom sales@exellencom () 1 FMX 1 11 5M JPG 15MB 320x240 30fps, 160Kbps 11MB View operation,, seek seek Random Access Average Read Sequential Read 12 FMX () 2 FMX FMX D E (one

More information

IM-20 4 5 6 7 8 9 10 11 12 Power On Power Off 13 1 4 15 16 17 18 19 20 21 22 23 24 25 26 2 7 28 29 30 31 3 2 Music Voice Settings Delete EQ Repeat LCD Contrast Auto OFF Rec Sample BackLight Return Normal

More information

., 3D HDTV. 3D HDTV,, 2 (TTA) [] 3D HDTV,,, /. (RAPA) 3DTV [2] 3DTV, 3DTV, DB(, / ), 3DTV. ATSC (Advanced Television Systems Committee) 8-VSB (8-Vesti

., 3D HDTV. 3D HDTV,, 2 (TTA) [] 3D HDTV,,, /. (RAPA) 3DTV [2] 3DTV, 3DTV, DB(, / ), 3DTV. ATSC (Advanced Television Systems Committee) 8-VSB (8-Vesti ATSC a), a) A Carrier Frequency Synchronization Scheme for modified ATSC Systems Young Gon Jeon a) and Joon Tae Kim a) 3D HDTV (3-Dimensional High Definition Television). 3D HDTV HDTV ATSC (Advanced Television

More information

PowerPoint 프레젠테이션

PowerPoint 프레젠테이션 [ 인공지능입문랩 ] SEOPT ( Study on the Elements Of Python and Tensorflow ) . ( 통계적이아니라시행착오적 ) 회귀분석 ( 지도학습 ) by Tensorflow - Tensorflow 를사용하는이유, 신경망구조 - youngdocseo@gmail.com 인공지능 데이터분석 When you re fundraising,

More information

Microsoft Word - SRA-Series Manual.doc

Microsoft Word - SRA-Series Manual.doc 사 용 설 명 서 SRA Series Professional Power Amplifier MODEL No : SRA-500, SRA-900, SRA-1300 차 례 차 례 ---------------------------------------------------------------------- 2 안전지침 / 주의사항 -----------------------------------------------------------

More information

1 Nov-03 CST MICROWAVE STUDIO Microstrip Parameter sweeping Tutorial Computer Simulation Technology

1   Nov-03 CST MICROWAVE STUDIO Microstrip Parameter sweeping Tutorial Computer Simulation Technology 1 CST MICROWAVE STUDIO Microstrip Parameter sweeping Tutorial Computer Simulation Technology wwwcstcom wwwcst-koreacokr 2 1 Create a new project 2 Model the structure 3 Define the Port 4 Define the Frequency

More information

2

2 2 3 4 5 6 7 8 9 10 11 60.27(2.37) 490.50(19.31) 256.00 (10.07) 165.00 111.38 (4.38) 9.00 (0.35) 688.00(27.08) 753.00(29.64) 51.94 (2.04) CONSOLE 24CH 32CH 40CH 48CH OVERALL WIDTH mm (inches) 1271.45(50.1)

More information

DBPIA-NURIMEDIA

DBPIA-NURIMEDIA Journal of the Ergonomics Society of Korea Vol. 26, No. 3 pp.117-124, August 27 117 모바일폰한글입력방식의유니버셜디자인에관한연구 * 홍승권 충주대학교산업경영공학과 Universal Design of Hangul Input Method for Mobile Phones Seung Kweon Hong

More information

YV-150-S.CHINESE1.0-1

YV-150-S.CHINESE1.0-1 Voice REC YV-50 5 C(95 F) ( ). 80 C(76 F). ......4....6...7...7...0............4. Samsung Media studio...8...9 Media studio...0 Media studio......4...5 TTS...6 TTS...7 TS File...9....0...0......4...5...5...8

More information

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5>

<4D6963726F736F667420576F7264202D20B1E2C8B9BDC3B8AEC1EE2DC0E5C7F5> 주간기술동향 2016. 5.18. 컴퓨터 비전과 인공지능 장혁 한국전자통신연구원 선임연구원 최근 많은 관심을 받고 있는 인공지능(Artificial Intelligence: AI)의 성과는 뇌의 작동 방식과 유사한 딥 러닝의 등장에 기인한 바가 크다. 이미 미국과 유럽 등 AI 선도국에서는 인공지능 연구에서 인간 뇌 이해의 중요성을 인식하고 관련 대형 프로젝트들을

More information

2 PX-8000과 RM-8000/LM-8000등의 관련 제품은 시스템의 간편한 설치와 쉬운 운영에 대한 고급 기술을 제공합니다. 또한 뛰어난 확장성으로 사용자가 요구하는 시스템을 손쉽게 구현할 수 있습니다. 메인컨트롤러인 PX-8000의 BGM입력소스를 8개의 로컬지

2 PX-8000과 RM-8000/LM-8000등의 관련 제품은 시스템의 간편한 설치와 쉬운 운영에 대한 고급 기술을 제공합니다. 또한 뛰어난 확장성으로 사용자가 요구하는 시스템을 손쉽게 구현할 수 있습니다. 메인컨트롤러인 PX-8000의 BGM입력소스를 8개의 로컬지 PX-8000 SYSTEM 8 x 8 Audio Matrix with Local Control 2 PX-8000과 RM-8000/LM-8000등의 관련 제품은 시스템의 간편한 설치와 쉬운 운영에 대한 고급 기술을 제공합니다. 또한 뛰어난 확장성으로 사용자가 요구하는 시스템을 손쉽게 구현할 수 있습니다. 메인컨트롤러인 PX-8000의 BGM입력소스를 8개의 로컬지역에

More information

슬라이드 1

슬라이드 1 Chapter 3. Sampling and The -Transform Digital filter 의설계와해석은 -transform을이용 용이해짐 -transform : 연속된수의형태로나타내어구하는방법 2 continuous signal 은 sample 하여 Laplace Transform을취한후 -transform을구하는방법. n m 일반적으로이용. y( k)

More information

실험 5

실험 5 실험. OP Amp 의기초회로 Inverting Amplifier OP amp 를이용한아래와같은 inverting amplifier 회로를고려해본다. ( 그림 ) Inverting amplifier 위의회로에서 OP amp의 입력단자는 + 입력단자와동일한그라운드전압, 즉 0V를유지한다. 또한 OP amp 입력단자로흘러들어가는전류는 0 이므로, 저항에흐르는전류는다음과같다.

More information

김기남_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

02본문

02본문 46 특집 : 딥러닝기반방송미디어기술 특집 딥러닝기반방송미디어기술 딥러닝기반의음성 / 오디오기술 Speech/Audio Processing based on Deep Learning 이영한 / KETI Ⅰ. 서론 인간의두뇌를모델링하는뉴럴네트워크연구는 1940 년대신경세포의모델링부터시작하여현재까지다양한기술이축적되어왔다. 특히 backpropagation 이제안된이후에

More information

?

? Annual Report National Museum of Modern and Contemporary Art, Korea CONTENTS Annual Report National Museum of Modern and Contemporary Art, Korea Annual Report National Museum of Modern and Contemporary

More information

thesis-shk

thesis-shk DPNM Lab, GSIT, POSTECH Email: shk@postech.ac.kr 1 2 (1) Internet World-Wide Web Web traffic Peak periods off-peak periods peak periods off-peak periods 3 (2) off-peak peak Web caching network traffic

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

Observational Determinism for Concurrent Program Security

Observational Determinism for  Concurrent Program Security 웹응용프로그램보안취약성 분석기구현 소프트웨어무결점센터 Workshop 2010. 8. 25 한국항공대학교, 안준선 1 소개 관련연구 Outline Input Validation Vulnerability 연구내용 Abstract Domain for Input Validation Implementation of Vulnerability Analyzer 기존연구

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jan.; 28(1), IS

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Jan.; 28(1), IS THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2017 Jan.; 28(1), 33 41. http://dx.doi.org/10.5515/kjkiees.2017.28.1.33 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Hand Gesture

More information

내용 q Introduction q Binary passand modulation Ÿ ASK (Amplitude Shift Keying) Ÿ FSK (Frequency Shift Keying) Ÿ PSK (Phase Shift Keying) q Comparison of

내용 q Introduction q Binary passand modulation Ÿ ASK (Amplitude Shift Keying) Ÿ FSK (Frequency Shift Keying) Ÿ PSK (Phase Shift Keying) q Comparison of 6 주차 통과대역디지털변조 q 목표 Ÿ Digital passand modulation 이해 Ÿ ASK, FSK, PSK, QAM의특성비교 - Error proaility - Power spectrum - Bandwidth efficiency ( 대역효율 ) - 그외 : implementation 디지털통신 1 충북대학교 내용 q Introduction q

More information

DW 개요.PDF

DW 개요.PDF Data Warehouse Hammersoftkorea BI Group / DW / 1960 1970 1980 1990 2000 Automating Informating Source : Kelly, The Data Warehousing : The Route to Mass Customization, 1996. -,, Data .,.., /. ...,.,,,.

More information

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018) ISSN

(JBE Vol. 23, No. 2, March 2018) (Special Paper) 23 2, (JBE Vol. 23, No. 2, March 2018)   ISSN (Special Paper) 23 2, 2018 3 (JBE Vol. 23, No. 2, March 2018) https://doi.org/10.5909/jbe.2018.23.2.186 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) Robust Online Object Tracking via Convolutional

More information

11 주차 M 진디지털변조 (1) 통과대역신호의표현 (2) Quadrature Phase Shift Keying (QPSK) (3) Minimum Shift Keying (MSK) (4) M-ary Amplitude Shift Keying (M-ASK) (5) M-ar

11 주차 M 진디지털변조 (1) 통과대역신호의표현 (2) Quadrature Phase Shift Keying (QPSK) (3) Minimum Shift Keying (MSK) (4) M-ary Amplitude Shift Keying (M-ASK) (5) M-ar 11 주차 M 진디지털변조 (1) 통과대역신호의표현 (2) Quadraure Phase Shif Keying (QPSK) (3) Minimum Shif Keying (MSK) (4) M-ary Ampliude Shif Keying (M-ASK) (5) M-ary Frequeny Shif Keying (M-FSK) (6) M-ary Phase Shif Keying

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

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Dec.; 25(12),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Dec.; 25(12), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2014 Dec.; 25(12), 12751283. http://dx.doi.org/10.5515/kjkiees.2014.25.12.1275 ISSN 1226-3133 (Print)ISSN 2288-226X (Online)

More information

........b60......07.......

........b60......07....... 09 02 6 7 8 9 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32 33 34 35 36 37 TIP 38 39 42 43 44 45 46 47 48 49 50 51 52 53 54 55 56 57 TIP 58 59 60 61 TIP 62 63 64 65 66 67 TIP 68 69 70 71

More information

199

199 198 199 1 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 23 200 24 25 26 27 28 29 30 31 32 33 34 35 36 37 38 39 40 201 202 III 203 204 III 205 206 III 207 t r a c k a n d f i e l d 208 III 209

More information

歯15-ROMPLD.PDF

歯15-ROMPLD.PDF MSI & PLD MSI (Medium Scale Integrate Circuit) gate adder, subtractor, comparator, decoder, encoder, multiplexer, demultiplexer, ROM, PLA PLD (programmable logic device) fuse( ) array IC AND OR array sum

More information

01 AI Definition 02 Deep Learning Theory - Linear Regression - Cost Function - Gradient Descendent - Logistic Regression - Activation Function - Conce

01 AI Definition 02 Deep Learning Theory - Linear Regression - Cost Function - Gradient Descendent - Logistic Regression - Activation Function - Conce Artificial Intelligence for Deep Learning 01 AI Definition 02 Deep Learning Theory - Linear Regression - Cost Function - Gradient Descendent - Logistic Regression - Activation Function - Concept of Neural

More information

그룹웨어와 XXXXX 제목 예제

그룹웨어와 XXXXX 제목 예제 데이터통신 부호화 (encoding) 부호화 (Encoding) 의개념 정보 Encoder 신호 1 Digital - to - Digital 2 Analog - to - Digital 3 Digital - to - Analog 4 Analog - to - Analog 2 1 Digital-to-Digital Encoding Digital 정보를 Digital

More information

Microsoft PowerPoint - chap05-제어문.pptx

Microsoft PowerPoint - chap05-제어문.pptx int num; printf( Please enter an integer: "); scanf("%d", &num); if ( num < 0 ) printf("is negative.\n"); printf("num = %d\n", num); 1 학습목표 제어문인,, 분기문에 대해 알아본다. 인 if와 switch의 사용 방법과 사용시 주의사항에 대해 알아본다.

More information

(JBE Vol. 24, No. 2, March 2019) (Special Paper) 24 2, (JBE Vol. 24, No. 2, March 2019) ISSN

(JBE Vol. 24, No. 2, March 2019) (Special Paper) 24 2, (JBE Vol. 24, No. 2, March 2019)   ISSN (Special Paper) 24 2, 2019 3 (JBE Vol. 24, No. 2, March 2019) https://doi.org/10.5909/jbe.2019.24.2.234 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) SIFT a), a), a), a) SIFT Image Feature Extraction

More information

강의 개요

강의 개요 DDL TABLE 을만들자 웹데이터베이스 TABLE 자료가저장되는공간 문자자료의경우 DB 생성시지정한 Character Set 대로저장 Table 생성시 Table 의구조를결정짓는열속성지정 열 (Clumn, Attribute) 은이름과자료형을갖는다. 자료형 : http://dev.mysql.cm/dc/refman/5.1/en/data-types.html TABLE

More information

Polly_with_Serverless_HOL_hyouk

Polly_with_Serverless_HOL_hyouk { } "Version":"2012-10-17", "Statement":[ { "Effect":"Allow", "Action":[ "polly:synthesizespeech", "dynamodb:query", "dynamodb:scan", "dynamodb:putitem", "dynamodb:updateitem", "sns:publish", "s3:putobject",

More information

歯메뉴얼v2.04.doc

歯메뉴얼v2.04.doc 1 SV - ih.. 2 3 4 5 6 7 8 9 10 11 12 13 14 15 16 17 18 19 20 21 22 - - - 23 24 R S T G U V W P1 P2 N R S T G U V W P1 P2 N R S T G U V W P1 P2 N 25 26 DC REACTOR(OPTION) DB UNIT(OPTION) 3 φ 220/440 V 50/60

More information

歯기구학

歯기구학 1 1.1,,.,. (solid mechanics)., (kinematics), (statics), (kinetics). ( d y n a m i c s ).,,. ( m e c h a n i s m ). ( l i n k a g e ) ( 1.1 ), (pin joint) (revolute joint) (prismatic joint) ( 1.2 ) (open

More information

.4 편파 편파 전파방향에수직인평면의주어진점에서시간의함수로 벡터의모양과궤적을나타냄. 편파상태 polriion s 타원편파 llipill polrid: 가장일반적인경우 의궤적은타원 원형편파 irulr polrid 선형편파 linr polrid k k 복소량 편파는 와 의

.4 편파 편파 전파방향에수직인평면의주어진점에서시간의함수로 벡터의모양과궤적을나타냄. 편파상태 polriion s 타원편파 llipill polrid: 가장일반적인경우 의궤적은타원 원형편파 irulr polrid 선형편파 linr polrid k k 복소량 편파는 와 의 lrognis II 전자기학 제 장 : 전자파의전파 Prof. Young Cul L 초고주파시스템집적연구실 Advnd RF Ss Ingrion ARSI Lb p://s.u..kr/iuniv/usr/rfsil/ Advnd RF Ss Ingrion ARSI Lb. Young Cul L .4 편파 편파 전파방향에수직인평면의주어진점에서시간의함수로 벡터의모양과궤적을나타냄.

More information

통신이론 2 장주파수해석 성공회대학교 정보통신공학과 1

통신이론 2 장주파수해석 성공회대학교 정보통신공학과 1 통신이론 장주파수해석 성공회대학교 정보통신공학과 제 장의구성. 시간영역과주파수영역. 푸리에해석.3 푸리에급수.4 푸리에변환.5 특이함수모델.6 푸리에변환쌍.7 푸리에변환과관련된정리들 . 시간영역과주파수영역 3 시간영역과주파수영역 통신에서의신호 - 시간의흐름에따라전압, 전류, 또는전력의변화량을나타낸것 신호를표시할수있는방법 y 진폭 시간영역에서의표현 x 시간 y

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

2 : (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, (JBE

2 : (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, (JBE 2: (Seungsoo Lee et al.: Generating a Reflectance Image from a Low-Light Image Using Convolutional Neural Network) (Regular Paper) 24 4, 2019 7 (JBE Vol. 24, No. 4, July 2019) https://doi.org/10.5909/jbe.2019.24.4.623

More information

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

Microsoft PowerPoint - additional01.ppt [호환 모드] 1.C 기반의 C++ part 1 함수 오버로딩 (overloading) 디폴트매개변수 (default parameter) 인-라인함수 (in-line function) 이름공간 (namespace) Jong Hyuk Park 함수 Jong Hyuk Park 함수오버로딩 (overloading) 함수오버로딩 (function overloading) C++ 언어에서는같은이름을가진여러개의함수를정의가능

More information

8-VSB (Vestigial Sideband Modulation)., (Carrier Phase Offset, CPO) (Timing Frequency Offset),. VSB, 8-PAM(pulse amplitude modulation,, ) DC 1.25V, [2

8-VSB (Vestigial Sideband Modulation)., (Carrier Phase Offset, CPO) (Timing Frequency Offset),. VSB, 8-PAM(pulse amplitude modulation,, ) DC 1.25V, [2 VSB a), a) An Alternative Carrier Phase Independent Symbol Timing Offset Estimation Methods for VSB Receivers Sung Soo Shin a) and Joon Tae Kim a) VSB. VSB.,,., VSB,. Abstract In this paper, we propose

More information

Slide 1

Slide 1 Clock Jitter Effect for Testing Data Converters Jin-Soo Ko Teradyne 2007. 6. 29. 1 Contents Noise Sources of Testing Converter Calculation of SNR with Clock Jitter Minimum Clock Jitter for Testing N bit

More information

31. 을전개한식에서 의계수는? 를전개한식이 일 때, 의값은? 을전개했을때, 의계수와상수항의합을구하면? 을전개했을때, 의 계수는? 를전개했을때, 상수항을 구하여라. 37

31. 을전개한식에서 의계수는? 를전개한식이 일 때, 의값은? 을전개했을때, 의계수와상수항의합을구하면? 을전개했을때, 의 계수는? 를전개했을때, 상수항을 구하여라. 37 21. 다음식의값이유리수가되도록유리수 의값을 정하면? 1 4 2 5 3 26. 을전개하면상수항을 제외한각항의계수의총합이 이다. 이때, 의값은? 1 2 3 4 5 22. 일때, 의값은? 1 2 3 4 5 27. 를전개하여간단히 하였을때, 의계수는? 1 2 3 4 5 23. 를전개하여 간단히하였을때, 상수항은? 1 2 3 4 5 28. 두자연수 와 를 로나누면나머지가각각

More information

SRC PLUS 제어기 MANUAL

SRC PLUS 제어기 MANUAL ,,,, DE FIN E I N T R E A L L O C E N D SU B E N D S U B M O TIO

More information

第 1 節 組 織 11 第 1 章 檢 察 의 組 織 人 事 制 度 등 第 1 項 大 檢 察 廳 第 1 節 組 대검찰청은 대법원에 대응하여 수도인 서울에 위치 한다(검찰청법 제2조,제3조,대검찰청의 위치와 각급 검찰청의명칭및위치에관한규정 제2조). 대검찰청에 검찰총장,대

第 1 節 組 織 11 第 1 章 檢 察 의 組 織 人 事 制 度 등 第 1 項 大 檢 察 廳 第 1 節 組 대검찰청은 대법원에 대응하여 수도인 서울에 위치 한다(검찰청법 제2조,제3조,대검찰청의 위치와 각급 검찰청의명칭및위치에관한규정 제2조). 대검찰청에 검찰총장,대 第 1 章 檢 察 의 組 織 人 事 制 度 등 第 1 節 組 織 11 第 1 章 檢 察 의 組 織 人 事 制 度 등 第 1 項 大 檢 察 廳 第 1 節 組 대검찰청은 대법원에 대응하여 수도인 서울에 위치 한다(검찰청법 제2조,제3조,대검찰청의 위치와 각급 검찰청의명칭및위치에관한규정 제2조). 대검찰청에 검찰총장,대검찰청 차장검사,대검찰청 검사,검찰연구관,부

More information

untitled

untitled R&S Power Viewer Plus For NRP Sensor 1.... 3 2....5 3....6 4. R&S NRP...7 -.7 - PC..7 - R&S NRP-Z4...8 - R&S NRP-Z3... 8 5. Rohde & Schwarz 10 6. R&S Power Viewer Plus.. 11 6.1...12 6.2....13 - File Menu...

More information

1

1 1 1....6 1.1...6 2. Java Architecture...7 2.1 2SDK(Software Development Kit)...8 2.2 JRE(Java Runtime Environment)...9 2.3 (Java Virtual Machine, JVM)...10 2.4 JVM...11 2.5 (runtime)jvm...12 2.5.1 2.5.2

More information

% Rectangular Value 입력 t = -50 : 1 : 50; % 시간영역 for i = 1 : 101 if abs ( t ( i ) ) < 10 x ( i ) = 1; else x ( i ) = 0; % 화면을 2 열 1 행으로나눈후 % 2 열 1 행에 R

% Rectangular Value 입력 t = -50 : 1 : 50; % 시간영역 for i = 1 : 101 if abs ( t ( i ) ) < 10 x ( i ) = 1; else x ( i ) = 0; % 화면을 2 열 1 행으로나눈후 % 2 열 1 행에 R % sin 그래프계산및출력 t = -50 : 1 : 50; T = 10; f = 1/T; Nsin = sin ( ( 2 * pi * f * t ) ) % 시간영역 % 주기 % 주파수 % sin(2πft) % F(sin) 계산 Fsin = fftshift ( fft ( Nsin ) ); % 화면을 2 열 1 행으로나눈후 % 2 열 1 행에 Sin 그래프출력 subplot

More information

웹진디자인3차

웹진디자인3차 땀방울이 맺힌 이마가 예쁘게 반짝거리고 부채를 든 손을 연신 흔들어도 쉽게 가시지 않는 더위 이제 먼 일이 아니죠. 5월의 막바지로 접어들면서 벌써부터 6월 여름 바캉스를 계획한 분들도 적잖이 보이고 있는 요즘 여러분은 올 여름 어떤 계획이 있으신가요? 불쾌지수 100퍼센트 여름보다 상큼지수 100퍼센트 여름 만들기를 위한 특별한 계획. 성모척관병원은 마치

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

56 말소리와음성과학제 권제 3 호 (2009),. [7], [8].,, ( ) (), () (48.52±5.50yr), 64 ( 32, 44, 88), 309( 82, 6, ) 473

56 말소리와음성과학제 권제 3 호 (2009),. [7], [8].,, ( ) (), () (48.52±5.50yr), 64 ( 32, 44, 88), 309( 82, 6, ) 473 55 말소리와음성과학제 권제 3 호 (2009) pp. 55~63 Automated Speech Analysis Applied to Sasang Constitution Classification ABSTRACT This paper introduces an automatic voice classification system for the diagnosis of

More information

Microsoft PowerPoint 상 교류 회로

Microsoft PowerPoint 상 교류 회로 3상교류회로 11.1. 3 상교류의발생 평등자계중에놓인회전자철심에기계적으로 120 씩차이가나게감은코일 aa, bb,cc 를배치하고각속도의속도로회전하면각코일의양단에는다음식으로표현되는기전력이발생하게된다. 11.1. 3 상교류의발생 여기서 e a, e b, e c 는각각코일aa, bb, cc 양단에서얻어지는전압의순시치식이며, 각각을상 (phase) 이라한다. 이와같이전압의크기는같고위상이

More information

DDX4038BT DDX4038BTM DDX4038 DDX4038M 2010 Kenwood Corporation All Rights Reserved. LVT A (MN)

DDX4038BT DDX4038BTM DDX4038 DDX4038M 2010 Kenwood Corporation All Rights Reserved. LVT A (MN) DDX4038BT DDX4038BTM DDX4038 DDX4038M 2010 Kenwood Corporation All Rights Reserved. LVT2201-002A (MN) 2 3 [ ] CLASS 1 LASER PRODUCT 4 1 2 Language AV Input R-CAM Interrupt Panel Color Preout

More information

세션 2-2(허태경).ppt

세션 2-2(허태경).ppt , an IBM Company 2005 IBM Corporation Discover Prepare Transform & Deliver????????? Time To Value DISCOVER ProfileStage Service-Oriented Architecture Event Management PREPARE,, QualityStage Enterprise

More information

[2010 년디지털시스템설계및실험중간고사 2 답안지 ] 출제 : 채수익 1. (a) (10 pts) Robertson diagram Quotient 와 remainder 의 correction 을뒤로미루는것이 non-restoring division 이다. 즉, q =

[2010 년디지털시스템설계및실험중간고사 2 답안지 ] 출제 : 채수익 1. (a) (10 pts) Robertson diagram Quotient 와 remainder 의 correction 을뒤로미루는것이 non-restoring division 이다. 즉, q = [2010 년디지털시스템설계및실험중간고사 2 답안지 ] 출제 : 채수익 1. (a) (10 pts) Robertson diagram Quotient 와 remainder 의 correction 을뒤로미루는것이 non-restoring division 이다. 즉, q = 1, 2r 0 1, 2r

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

Software Requirrment Analysis를 위한 정보 검색 기술의 응용

Software Requirrment Analysis를 위한 정보 검색 기술의 응용 EPG 정보 검색을 위한 예제 기반 자연어 대화 시스템 김석환 * 이청재 정상근 이근배 포항공과대학교 컴퓨터공학과 지능소프트웨어연구실 {megaup, lcj80, hugman, gblee}@postech.ac.kr An Example-Based Natural Language System for EPG Information Access Seokhwan Kim

More information

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Nov.; 26(11),

THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE Nov.; 26(11), THE JOURNAL OF KOREAN INSTITUTE OF ELECTROMAGNETIC ENGINEERING AND SCIENCE. 2015 Nov.; 26(11), 978 984. http://dx.doi.org/10.5515/kjkiees.2015.26.11.978 ISSN 1226-3133 (Print) ISSN 2288-226X (Online) Transceiver

More information

Microsoft Word - logic2005.doc

Microsoft Word - logic2005.doc 제 8 장 Counters 실험의목표 - Catalog counter 의동작원리에대하여익힌다. - 임의의 counter를통하여 FSM 구현방법을익힌다. - 7-segment display 의동작원리를이해한다. 실험도움자료 1. 7-segment display 7-segment는디지털회로에서숫자를표시하기위하여가장많이사용하는소자이다. 이름에서알수있듯이 7개의 LED(

More information

09È«¼®¿µ 5~152s

09È«¼®¿µ5~152s Korean Journal of Remote Sensing, Vol.23, No.2, 2007, pp.45~52 Measurement of Backscattering Coefficients of Rice Canopy Using a Ground Polarimetric Scatterometer System Suk-Young Hong*, Jin-Young Hong**,

More information

untitled

untitled CLEBO PM-10S / PM-10HT Megapixel Speed Dome Camera 2/39 3/39 4/39 5/39 6/39 7/39 8/39 ON ON 1 2 3 4 5 6 7 8 9/39 ON ON 1 2 3 4 10/39 ON ON 1 2 3 4 11/39 12/39 13/39 14/39 15/39 Meg gapixel Speed Dome Camera

More information

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

Microsoft PowerPoint - ICCAD_Analog_lec01.ppt [호환 모드] Chapter 1. Hspice IC CAD 실험 Analog part 1 Digital circuit design 2 Layout? MOSFET! Symbol Layout Physical structure 3 Digital circuit design Verilog 를이용한 coding 및 function 확인 Computer 가알아서해주는 gate level

More information

먼저 其, 尼 류는초성에서쓰였을때의음가를, 役, 隱 류는종성에서쓰였을때의음가를예시하는글자인데그것이결합되어자연스럽게글자의이름으로굳어지게되었습니다. 기본적으로각자음에모음 ᅵ 와 ᅳ 를결합시킨음을기준으로삼았는데마침한자에는 윽, 읃, 읏 에해당되는글자가없어서각각 役 ( 역 )

먼저 其, 尼 류는초성에서쓰였을때의음가를, 役, 隱 류는종성에서쓰였을때의음가를예시하는글자인데그것이결합되어자연스럽게글자의이름으로굳어지게되었습니다. 기본적으로각자음에모음 ᅵ 와 ᅳ 를결합시킨음을기준으로삼았는데마침한자에는 윽, 읃, 읏 에해당되는글자가없어서각각 役 ( 역 ) 국어에관한궁금증을풀어드립니다 물음 >> 한글자모의이름중에서 ᄀ, ᄃ, ᄉ 은왜그이름을각각 기역, 디귿, 시옷 이라고하나요? ᄂ 은 니은, ᄅ 은 리을, ᄌ 은 지읒, ᄒ 은 히읗 이라고부르잖아요. 그렇다면 ᄀ, ᄃ, ᄉ 도 기윽, 디읃, 시읏 이맞는이름이아닌가요? 또, ᄀ 을 기역 으로불러야한다면 ᄏ 도 키역 이나 키옄 이라고불러야하는게옳지않을까요? ( 곽봉태,

More information

임베디드시스템설계강의자료 6 system call 2/2 (2014 년도 1 학기 ) 김영진 아주대학교전자공학과

임베디드시스템설계강의자료 6 system call 2/2 (2014 년도 1 학기 ) 김영진 아주대학교전자공학과 임베디드시스템설계강의자료 6 system call 2/2 (2014 년도 1 학기 ) 김영진 아주대학교전자공학과 System call table and linkage v Ref. http://www.ibm.com/developerworks/linux/library/l-system-calls/ - 2 - Young-Jin Kim SYSCALL_DEFINE 함수

More information

[ 융합과학 ] 과학고 R&E 결과보고서 뇌파를이용한곤충제어 연구기간 : ~ 연구책임자 : 최홍수 ( 대구경북과학기술원 ) 지도교사 : 박경희 ( 부산일과학고 ) 참여학생 : 김남호 ( 부산일과학고 ) 안진웅 ( 부산일과학고 )

[ 융합과학 ] 과학고 R&E 결과보고서 뇌파를이용한곤충제어 연구기간 : ~ 연구책임자 : 최홍수 ( 대구경북과학기술원 ) 지도교사 : 박경희 ( 부산일과학고 ) 참여학생 : 김남호 ( 부산일과학고 ) 안진웅 ( 부산일과학고 ) [ 융합과학 ] 과학고 R&E 결과보고서 뇌파를이용한곤충제어 연구기간 : 2013. 3. 1 ~ 2014. 2. 28 연구책임자 : 최홍수 ( 대구경북과학기술원 ) 지도교사 : 박경희 ( 부산일과학고 ) 참여학생 : 김남호 ( 부산일과학고 ) 안진웅 ( 부산일과학고 ) 장은영 ( 부산일과학고 ) 정우현 ( 부산일과학고 ) 조아현 ( 부산일과학고 ) 1 -

More information

untitled

untitled 1... 2 System... 3... 3.1... 3.2... 3.3... 4... 4.1... 5... 5.1... 5.2... 5.2.1... 5.3... 5.3.1 Modbus-TCP... 5.3.2 Modbus-RTU... 5.3.3 LS485... 5.4... 5.5... 5.5.1... 5.5.2... 5.6... 5.6.1... 5.6.2...

More information

SW_faq2000번역.PDF

SW_faq2000번역.PDF FREUENTLY ASKED UESTIONS ON SPEED2000 Table of Contents EDA signal integrity tool (vias) (via) /, SI, / SPEED2000 SPEED2000 EDA signal integrity tool, ( (via),, / ), EDA, 1,, / 2 FEM, PEEC, MOM, FDTD EM

More information

08김현휘_ok.hwp

08김현휘_ok.hwp (Regular Paper) 21 3, 2016 5 (JBE Vol. 21, No. 3, May 2016) http://dx.doi.org/10.5909/jbe.2016.21.3.369 ISSN 2287-9137 (Online) ISSN 1226-7953 (Print) a), a) An Audio Coding Technique Employing the Inter-channel

More information

Gray level 변환 및 Arithmetic 연산을 사용한 영상 개선

Gray level 변환 및 Arithmetic 연산을 사용한 영상 개선 Point Operation Histogram Modification 김성영교수 금오공과대학교 컴퓨터공학과 학습내용 HISTOGRAM HISTOGRAM MODIFICATION DETERMINING THRESHOLD IN THRESHOLDING 2 HISTOGRAM A simple datum that gives the number of pixels that a

More information